In [1]:
import numpy
import keras
from keras.datasets import imdb
from keras.models import Sequential
from keras.layers import Dense
from keras.layers import LSTM
from keras.layers.embeddings import Embedding
from keras.preprocessing import sequence, text
from six.moves import cPickle
from sklearn.feature_extraction.text import TfidfVectorizer,TfidfTransformer
from keras.datasets import reuters
import pandas as pd
from twitter_parser import twitter_parser
from nltk.tokenize import TweetTokenizer
from keras.utils import np_utils


Using TensorFlow backend.

In [2]:
from sklearn.naive_bayes import MultinomialNB
from sklearn.ensemble import RandomForestClassifier
from sklearn.pipeline import Pipeline
from sklearn.linear_model import SGDClassifier
from sklearn.feature_extraction.text import HashingVectorizer
from sklearn.preprocessing import Normalizer

In [4]:
crowdflower = pd.read_csv('./data/Crowdflower/socialmedia-disaster-tweets-DFE.csv', encoding='latin-1')

In [51]:
crowdflower[:10]


Out[51]:
_unit_id _golden _unit_state _trusted_judgments _last_judgment_at choose_one choose_one:confidence choose_one_gold keyword location text tweetid userid
0 778243823 True golden 156 NaN Relevant 1.0000 Relevant NaN NaN Just happened a terrible car crash 1.0 NaN
1 778243824 True golden 152 NaN Relevant 1.0000 Relevant NaN NaN Our Deeds are the Reason of this #earthquake M... 13.0 NaN
2 778243825 True golden 137 NaN Relevant 1.0000 Relevant NaN NaN Heard about #earthquake is different cities, s... 14.0 NaN
3 778243826 True golden 136 NaN Relevant 0.9603 Relevant NaN NaN there is a forest fire at spot pond, geese are... 15.0 NaN
4 778243827 True golden 138 NaN Relevant 1.0000 Relevant NaN NaN Forest fire near La Ronge Sask. Canada 16.0 NaN
5 778243828 True golden 140 NaN Relevant 1.0000 Relevant NaN NaN All residents asked to 'shelter in place' are ... 17.0 NaN
6 778243831 True golden 142 NaN Relevant 1.0000 Relevant NaN NaN 13,000 people receive #wildfires evacuation or... 18.0 NaN
7 778243832 True golden 151 NaN Relevant 1.0000 Relevant NaN NaN Just got sent this photo from Ruby #Alaska as ... 19.0 NaN
8 778243833 True golden 143 NaN Relevant 1.0000 Relevant NaN NaN #RockyFire Update => California Hwy. 20 closed... 20.0 NaN
9 778243834 True golden 136 NaN Relevant 0.9606 Relevant\nCan't Decide NaN NaN Apocalypse lighting. #Spokane #wildfires 21.0 NaN

In [5]:
from sklearn.model_selection import train_test_split

corpus, docs_new, corpus_target, docs_new_target = train_test_split(crowdflower['text'], crowdflower['choose_one'], test_size=0.33, random_state=42)

In [5]:
corpus = list(crowdflower[:int(len(crowdflower)*0.9)]['text'])
print("Training with {} tweets.".format(len(corpus)))
docs_new = list(crowdflower[:-int(len(crowdflower)*0.9)]['text'])
print("Testing with {} tweets.".format(len(docs_new)))


Testing with 1088 tweets.

In [6]:
import sys  
sys.path.append('.')
import twokenize

In [7]:
tokenize_it = twitter_parser.Tokenizer()
tknzr = TweetTokenizer()
vectorizer = TfidfVectorizer(min_df=1, tokenizer=tknzr.tokenize)
#vectorizer = TfidfVectorizer(min_df=1, tokenizer=tokenize_it.tweet_to_tokens)
#vectorizer_twitter = TfidfVectorizer(min_df=1, )
#X = vectorizer.fit_transform(corpus)

In [8]:
corpus_target = list(crowdflower[:int(len(crowdflower)*0.9)]['choose_one'])
docs_new_target = list(crowdflower[:-int(len(crowdflower)*0.9)]['choose_one'])

In [12]:
X_lsa


---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
<ipython-input-12-cb45efd26f64> in <module>()
----> 1 X_lsa

NameError: name 'X_lsa' is not defined

In [77]:
clf = MultinomialNB().fit(X_lsa, corpus_target[:100])


---------------------------------------------------------------------------
ValueError                                Traceback (most recent call last)
<ipython-input-77-85ed2938fb72> in <module>()
----> 1 clf = MultinomialNB().fit(X_lsa, corpus_target[:100])

/usr/local/lib/python3.5/site-packages/sklearn/naive_bayes.py in fit(self, X, y, sample_weight)
    322         self.feature_count_ = np.zeros((n_effective_classes, n_features),
    323                                        dtype=np.float64)
--> 324         self._count(X, Y)
    325         self._update_feature_log_prob()
    326         self._update_class_log_prior(class_prior=class_prior)

/usr/local/lib/python3.5/site-packages/sklearn/naive_bayes.py in _count(self, X, Y)
    424         """Count and smooth feature occurrences."""
    425         if np.any((X.data if issparse(X) else X) < 0):
--> 426             raise ValueError("Input X must be non-negative")
    427         self.feature_count_ += safe_sparse_dot(Y.T, X)
    428         self.class_count_ += Y.sum(axis=0)

ValueError: Input X must be non-negative

In [57]:
clf = RandomForestClassifier().fit(X_lsa, corpus_target)

In [58]:
test_lsa = lsa.transform(lsa_vect.transform(docs_new))
predict_results = clf.predict(test_lsa)

In [59]:
numpy.mean(predict_results == docs_new_target)


Out[59]:
0.62646239554317551

In [10]:



Out[10]:
['Help', 'me', ',', 'I', 'am', 'trapped', 'under', 'a', 'bridge']

In [217]:
clf.predict(lsa.transform(lsa_vect.transform(["help me I am trapped :("])))


Out[217]:
array(['Not Relevant'], 
      dtype='<U12')

In [218]:
from sklearn.metrics import roc_curve, auc
from sklearn import metrics

#various "fitness" metrics
print("Train accuracy: {} \n".format(clf.score(X_lsa, corpus_target)))

#various "fitness" metrics
print("Train accuracy: {} \n".format(clf.score(X_lsa, corpus_target)))
print("Test accuracy: {} \n".format(clf.score(test_lsa, docs_new_target)))
f_score = metrics.f1_score(docs_new_target,predict_results,pos_label='Relevant')
print("F1 score: {} \n".format(f_score))

#confusion matrix
cm = metrics.confusion_matrix(docs_new_target, predict_results)
print("Confusion matrix: \n")
print("-Legend")
print(numpy.array([['True "not disaster"', 'False "disaster"'],['False "not disaster"', 'True "disaster"']]))
print("\n-Prediction")
print(cm)


Train accuracy: 0.9616877809562729 

Train accuracy: 0.9616877809562729 

Test accuracy: 0.9623161764705882 

F1 score: 0.9621120310716971 

Confusion matrix: 

-Legend
[['True "not disaster"' 'False "disaster"']
 ['False "not disaster"' 'True "disaster"']]

-Prediction
[[  1   0   0]
 [  0 665  10]
 [  0  31 381]]

In [9]:
from sklearn import tree
from sklearn import svm

text_clf = Pipeline([('tfidf', vectorizer),
                      #('clf', SGDClassifier(loss='hinge', penalty='l2',alpha=1e-3, n_iter=5, random_state=42))
                      ('clf', svm.LinearSVC(C = 1.0))
                     ,])

Tokenization Example


In [150]:
#numpy.unique(boston[:int(len(boston)*0.9)]['Information Type'])
twokenize.simpleTokenize("Help me, I am trapped under a bridge")


Out[150]:
['Help', 'me', ',', 'I', 'am', 'trapped', 'under', 'a', 'bridge']

Setup Train + Test


In [10]:
#boston_X = list(boston[:int(len(boston)*0.9)]['Tweet Text'])
#boston_Y = list(boston[:int(len(boston)*0.9)]['Information Type'])
#text_clf = text_clf.fit(boston_X, boston_Y)
text_clf = text_clf.fit(corpus, corpus_target)

In [11]:
#boston_test_x = list(boston[:-int(len(boston)*0.9)]['Tweet Text'])
#boston_test_y = list(boston[:-int(len(boston)*0.9)]['Information Type'])
#text_clf_predicted = text_clf.predict(boston_test_x)
text_clf_predicted = text_clf.predict(docs_new)

In [177]:
numpy.mean(text_clf_predicted == docs_new_target)


Out[177]:
0.79025069637883005

In [178]:
from sklearn.metrics import roc_curve, auc
from sklearn import metrics
import numpy as np
from sklearn.model_selection import validation_curve
from sklearn.linear_model import Ridge
from sklearn.metrics import precision_recall_fscore_support

#various "fitness" metrics
print("Train accuracy: {} \n".format(text_clf.score(corpus, corpus_target)))
print("Test accuracy: {} \n".format(text_clf.score(docs_new, docs_new_target)))
f_score = metrics.f1_score(docs_new_target,text_clf_predicted,pos_label='Relevant', average='weighted')
print("F1 score: {} \n".format(f_score))

#Precision & Recall & Accuracy

#print("Precision: {}; Recall: {}; FScore: {}".format()
print(precision_recall_fscore_support(docs_new_target, text_clf_predicted, average='weighted'))
#train_scores, valid_scores = validation_curve(Ridge(), list(range(1,len(corpus_target)+1)), corpus_target, "alpha", np.logspace(-7, 3, 3))

#confusion matrix
cm = metrics.confusion_matrix(docs_new_target, text_clf_predicted)
print("Confusion matrix: \n")
print("-Legend")
print(numpy.array([['True "not disaster"', 'False "disaster"'],['False "not disaster"', 'True "disaster"']]))
print("\n-Prediction")
print(cm)


Train accuracy: 0.9822948119681582 

Test accuracy: 0.79025069637883 

F1 score: 0.7885995903259091 

(0.78852873864741546, 0.79025069637883005, 0.78859959032590909, None)
Confusion matrix: 

-Legend
[['True "not disaster"' 'False "disaster"']
 ['False "not disaster"' 'True "disaster"']]

-Prediction
[[   0    5    0]
 [   0 1717  319]
 [   0  429 1120]]
/usr/local/lib/python3.5/site-packages/sklearn/metrics/classification.py:1023: UserWarning: Note that pos_label (set to 'Relevant') is ignored when average != 'binary' (got 'weighted'). You may use labels=[pos_label] to specify a single positive class.
  % (pos_label, average), UserWarning)
/usr/local/lib/python3.5/site-packages/sklearn/metrics/classification.py:1113: UndefinedMetricWarning: F-score is ill-defined and being set to 0.0 in labels with no predicted samples.
  'precision', 'predicted', average, warn_for)
/usr/local/lib/python3.5/site-packages/sklearn/metrics/classification.py:1113: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples.
  'precision', 'predicted', average, warn_for)

In [12]:
import tweepy
crisis_lexicon = pd.read_table('./data/CrisisLexLexicon/CrisisLexRec.txt', header=None)
crisis_lexicon = list(crisis_lexicon[0])

In [13]:
non_relevant = 0
total = 0

In [14]:
import tweepy

consumer_key = 'welp'
consumer_secret = 'welp'
access_token = 'welp'
access_token_secret = 'welp'
auth = tweepy.OAuthHandler(consumer_key, consumer_secret)
auth.set_access_token(access_token, access_token_secret)
api = tweepy.API(auth)

#override tweepy.StreamListener to add logic to on_status
class CrisisStreamListener(tweepy.StreamListener):
    def on_status(self, status):
        if not status.retweeted and 'RT @' not in status.text:
            prediction = text_clf.predict([status.text])
            #total += 1
            if prediction[0] == 'Relevant':
                print(text_clf.predict([status.text]),'\t', status.author.screen_name, ':', status.text)
            #else: non_relevant += 1
    def on_error(self, status):
        print(status)

In [15]:
crisisListener = CrisisStreamListener()
crisisStream = tweepy.Stream(auth = api.auth, listener=crisisListener)
crisisStream.filter(track=crisis_lexicon, async=True)


['Relevant'] 	 omahamjf : "Former RB Joe McKnight Killed in Shooting" via @BleacherReport App: https://t.co/LntjxN1kGu
['Relevant'] 	 TheSpaceCEO : Under Armour Unisex Storm Recruit Backpack, Red (601), One Size Reviews - https://t.co/1REghsV2xa
#backpack #luggage https://t.co/dnvecLgZAK
['Relevant'] 	 fa078a2f38c645d : @blanketcrap  that sounds like an illness in itself.  From kidney damage? Dont wish to pry, sorry
['Relevant'] 	 IzumiFany : @bigbangtbh please give receipt of what has been cleared and what is exposing him bcs afaik, case stil going on n yg stil in investigation
['Relevant'] 	 anachheiri : https://t.co/V1FngB4OLB RT https://t.co/nxVnm34ZWm
['Relevant'] 	 JAscariat : @AtticusSays

Fake die like

Fury fake death in TWS for 10mins
Or
Thor fake death in Thor &amp; Thor2 for 5 min
Or
Groo… https://t.co/mNzdTCXIkq
['Relevant'] 	 OZzSue : @DanielAndrewsMP Former high-ranking police officer Ashby tells about terrifying encounter while driving to Geelong… https://t.co/34MYcgK68z
['Relevant'] 	 sulane7 : That is the plan. Look at NC. Stay governor PLEASE! https://t.co/p2A0kG6sJ2
['Relevant'] 	 BunkerBlast : A "Dread Pirate Roberts" Was Using a Silk Road Account Even After Ross Ulbricht Was Arrest... https://t.co/FbrLMW1kBI
['Relevant'] 	 ed_brander : Torrential rains hit the Caribbean - Caribbean News Now (press release) (blog) - https://t.co/8sRrLQzoTe https://t.co/CU7c7jKSf0
['Relevant'] 	 FauxOriginal : Former NFL player Joe McKnight shot to death following argument outside New Orleans https://t.co/j31jmWzm5L https://t.co/jDZtJHnrCx
['Relevant'] 	 raquelalexandrz : "De tanta coisa que me poderias ter tornado, tornaste-me mais forte."
['Relevant'] 	 1001ptUS : At Least 2 L.A. Sheriff’s Deputies Injured in Paramount House Fire, Fight... https://t.co/tENce4Lw7k https://t.co/Axb3wfiZPx
['Relevant'] 	 abbylaurenmac : crisis is under control. over and out. https://t.co/BSqnAM0sYo
['Relevant'] 	 rosrilyyx : https://t.co/UxbgsUL3vc RT https://t.co/6TaZFT8z7N
['Relevant'] 	 aleiandrap : https://t.co/t9plFk0cyV RT https://t.co/pLSQyolewR
['Relevant'] 	 AUNewsToday : Man pleads guilty over one-punch death - https://t.co/tX2haFsirx via @AUNewsToday
['Relevant'] 	 emmililyyy : https://t.co/OFTCHnASYw RT https://t.co/M8ebbOl4Mc
['Relevant'] 	 AbhimanyuRay19 : https://t.co/a3eMk3yziH anniversary of Bhopal industrial disaster
['Relevant'] 	 BennySuzume : TGAのライブ放送が始まらないことについて「Death Stranding」とつぶやかれてるのウケるww
['Relevant'] 	 Tech_GONG : 'Britain's Talktalk becomes latest victim of software attack' https://t.co/MrzjDElpve via @Reuters https://t.co/2ObXE9ab3X
['Relevant'] 	 worldcrisis2013 : A small town lead poisoning crisis in the early 1970s https://t.co/HfKvv6tFQC #flint #onearth #publichealth #health #cdc
['Relevant'] 	 christheseagull : Man stabbed to death at University of the Arts London student halls in North Acton tonight. Thoughts with family
https://t.co/awdy7RXiRC
['Relevant'] 	 suemitton1 : Warning as venomous false widow spiders invade British homes https://t.co/7CvUN4LB7o via @telegraphnews
['Relevant'] 	 FanindraMT : Read the latest breaking &amp; viral news on the go with ViralShots app, install for free now https://t.co/IX5t9q5Pgu https://t.co/4IYGfpLt3A
['Relevant'] 	 robinsnewswire : Tennessee wildfires death toll rises as fire crews discover more victims in Gatlinburg rubble … https://t.co/MhTJwaT7mJ
['Relevant'] 	 beqezygimipi : Snow blankets Hawaii summits amid winter storm warning https://t.co/8eUHsV7ZBr
['Relevant'] 	 agk4444 : #Parton to #donate #$1000 #monthly to #families in #Tennessee https://t.co/5yhDNqFzTw https://t.co/zos4mCIV15
['Relevant'] 	 AppNigeriaNews : Nigeria’s literary space and ‘the case of a nursing father’ https://t.co/bCFz7Xgktw #Nigeria #News
['Relevant'] 	 FabborBlog : #‘Contest for influence &amp; power between France &amp; Germany’ – Gilbert Doctorow to RT https://t.co/a1nuZxKKIl
#Video, breaking, news, world
@…
['Relevant'] 	 cult_destroyer : DEAD https://t.co/A5Wi1VoIIB
['Relevant'] 	 Bl887dyRu : @Dreamchasercoop 😂😂😂😂dead u dirty Nawfr
['Relevant'] 	 HoneyPyLog : HyPy3: #LDAP.udp Possible LDAP.udp attack from 73.177.28.120 https://t.co/jhxlSzJvdo
['Relevant'] 	 WildZombiegoat : Trapped inside Mosul, a city under siege https://t.co/Dq595R27Of via @theIRC
['Relevant'] 	 2four7tech : Britain's Talktalk becomes latest victim of software attack - https://t.co/EKj2JrJS1Q
['Relevant'] 	 2four7latest : Britain's Talktalk becomes latest victim of software attack -  https://t.co/emG3OK8AVR
['Relevant'] 	 MeghanRienks : @posssiblykiara I'm not :( I've got a massive thing in the works rn &amp; its taking up all my time :( Maybe vlog everyday in January? or Feb?
['Relevant'] 	 JoyR16 : On unvetted migrants:
"Were going to stop that dead cold flat..". #Trump

#OSU
#OhioState 
#ohio
#Cincinnati 
#MAGA
['Relevant'] 	 Gremol_la_Munka : @TheSafestSpace it's like making Mohammad a Chinese dwarf, Jesus a trans-gendered Mexican, Moses a female Aboriginee, &amp;c &amp;c. So tragic.
['Relevant'] 	 newsastrl : Police investigating stabbing death in Albury.
https://t.co/n2NDC8hYrt
['Relevant'] 	 Zampakid : Prime Ident and M Classification Warning (1995): https://t.co/QaQVBg3IwJ via @YouTube
['Relevant'] 	 michaelpix : TEMA asked for (and got) AT&amp;T phones for use in Gatlinburg disaster. @knoxnews https://t.co/07paufNEdc
['Relevant'] 	 Cwankyteacher : @soliddgoldstein @domingue_don @WalshFreedom Heart attack meh... spontaneous combustion yeah!
['Relevant'] 	 armedkmensah : Shatta_Wale_-_Kpuu_Kpaa__ (storm the yerd dancers): https://t.co/ShE49AdX68 via @YouTube
['Relevant'] 	 Serpentine202 : Trump Finally Spoke In Public As President-Elect At Carrier Plant And It Was A Total Disaster via @politicususa https://t.co/IO4nKuaWrp
['Relevant'] 	 notomarriage : Why Modi’s Indian banknote bombshell has shades of North Korea’s currency disaster https://t.co/vuvlg87Zvu
['Relevant'] 	 JobsLouisville1 : Administrative Assistant - Events Ministry - Southeast Christian Church - Louisville, KY https://t.co/OTd11froVO Job Louisville
['Relevant'] 	 chp_la : Antelope Valley E Avenue O / 90th St E **Hit and Run No Injuries** https://t.co/dJFyXm5eHj
['Relevant'] 	 CREDITMASTERSUS : Families on tax-credit harassment: 'a massive headache and real #DebtCollection #crediteducation #CollectonAgencies https://t.co/YpaAg1PojT
['Relevant'] 	 notomarriage : Why Modi’s Indian banknote bombshell has shades of North Korea’s currency disaster https://t.co/zH83w1fzUx
['Relevant'] 	 ajcorchado : So many deaths remain unsolved in #Mexico, whether journalist or student. Everyone. So much injustice.. https://t.co/lIhwglxmmB
['Relevant'] 	 ihatemicrowaves : "Refugees from the Middle East... we're gonna stop that cold,dead,flat!" -DJT
['Relevant'] 	 lbfields : Top of my mid- life crisis...motorcycle shop OMG Harley- Davison Fatbob! https://t.co/N4sImRiTZJ
['Relevant'] 	 CREDITMASTERSUS : Families on tax-credit harassment: 'a massive headache and real worry' #DebtCollection #crediteducation... https://t.co/BdAmcXhWPs
['Relevant'] 	 leolodi : Drinking a Massacre by Dead Dog @ Antiga Mercearia e Bar — https://t.co/C7bVjp3f4x #photo
['Relevant'] 	 santino121788 : I know death follows me, but I murder him first.

MAYWARD HuweBESTInOurHearts
['Relevant'] 	 animesh1977 : Low-Complexity Massive MIMO Subspace Estimation and Tracking from Low-Dimensional Projections. (arXiv:1608.02477v2… https://t.co/09TLJ3Ki3F
['Relevant'] 	 Gtroit : Sessions: The Fight Against #Climate Change Hurts Poor People -moron! Innovate or die. Bus101 @realDonaldTrump  https://t.co/7DrgbwjPFF
['Relevant'] 	 iTruck_NEWS : Extra:OOIDA member witnesses damage from wildfire, tornado https://t.co/Bgut167tik
['Relevant'] 	 GeoffyPJohnston : @Twimmigration Part 3 of my South Sudan series, to be posted Friday @WhigStandard, will focus on man-made food crisis &amp; child starvation.
['Relevant'] 	 LJBJMMB : .@realDonaldTrump Over the last four years Rep. McCaul has been a champion for LESS immigration enforcement #NotMcCaul for DHS Secretary!
['Relevant'] 	 svtfriendly : yjh's hair is so alive in the teaser why does it look lowkey dead in his airport pics
['Relevant'] 	 FanindraMT : Read the latest breaking &amp; viral news on the go with ViralShots app, install for free now https://t.co/IX5t9q5Pgu https://t.co/QVKW1mbyzP
['Relevant'] 	 JaredBeck : Uber was basically enabled by non-enforcement of taxi regulations in most localities. https://t.co/IbR0r7Qsrh
['Relevant'] 	 KarinaJohnson25 : City orders emergency demolition of Pioneer Building – News-Press Now https://t.co/aBhQuvXQQT
['Relevant'] 	 lake_tahoe_news : Death Toll From Tennessee Wildfires Rises to 10: A Tennessee mayor says that the death toll from wildfires earlier… https://t.co/m1mst4DEQ2
['Relevant'] 	 ric9871 : Massive Logging Truck Loads in BC Canada

VIDEO: https://t.co/2Hvk9b9Deo

#massive #logging #truck #bc #canada https://t.co/x4nLMzxXBR
['Relevant'] 	 livingwithSR : Buzz Aldrin, second man on the moon, is being evacuated from South Pole due to... https://t.co/U2HkRD6Brx by #cnnbrk via @c0nvey
['Relevant'] 	 NevasoRadio : https://t.co/R7JKzDXykf "Now Playing" AZ - Sugar Hill #90srap #classic
['Relevant'] 	 ooyuzxboxnews : Watch The Game Awards 2016 live stream right here at 9PM ET.. Related Articles: https://t.co/FUQhIdCcmg
['Relevant'] 	 CryptoJauregui : https://t.co/rWyXxBWvHA Massive Fire Engulfs One Of Italy’s Largest Oil Refineries #Bitcoin #Blockchain
['Relevant'] 	 Latriunfadora4 : Former USC and Jets RB Joe McKnight was shot to death in an apparent road rage incident... https://t.co/ctwlGPdvkX by #espn via @c0nvey
['Relevant'] 	 foxisrolling : honestly i need to rescue butters from that hell. no bigots allowed in my goat daughters vicinity
['Relevant'] 	 iconoclasmwatch : #BREAKING Trump promises to arrest Rafael Cruz for the murder of JFK  #MakeAmericaGreatAgain https://t.co/QWc3LoDBTb
['Relevant'] 	 Migael02936 : USC standout, ex-NFL RB Joe McKnight, 28, shot and killed in New Orleans suburb
https://t.co/eVCe1qAzNU
['Relevant'] 	 ianmcdo03120397 : OSU Gun Rights Group Calling For Change In Law In Aftermath Of Campus Attack https://t.co/oti7CSgp7T
['Relevant'] 	 sherrynewcomb62 : Buzz Aldrin, second man on the moon, is being evacuated from South Pole due to... https://t.co/2AY6kAAPK5 by #cnnbrk via @c0nvey
['Relevant'] 	 MusicaHoyTop : #Titre #TopMusicFrance #2: Work: Work Barrington Levy | Format : Téléchargement MP3… https://t.co/8QJY3sh47z #TopReggae #Amazon #France
['Relevant'] 	 TxInMySprite : Bro..... https://t.co/8l292Dvn2y
['Relevant'] 	 GleefulChibi : breaking news: @mitchgrassi is hot
['Relevant'] 	 svershbow : Godzillas attack the bridge at the @NYBG! https://t.co/HPnFm5fAki
['Relevant'] 	 ej_kulotskie : AFFECTED KA E. 😂
['Relevant'] 	 saul42 : #Fed ’s hands tied: has to lower rates &amp; trigger massive #stock rally https://t.co/WhdYxAZItK
['Relevant'] 	 mousefide : Three more people have died in the ferocious wildfire that erupted across Tennessee's Great… https://t.co/azDbdxusuF
['Relevant'] 	 QuickMedClaims1 : #QuickMedClaims UPDATE: 2013 Cyclosporiasis Investigation https://t.co/klvPyNUhn7 via @QuickMedClaims1
['Relevant'] 	 EastCoast911IA : WA | EAST TACOMA |PD LODD| -- | OFCR J. GUTIERREZ WAS SHOT &amp; KILLED BY SUSP AFTER RESP TO FAMILY DISPUTE... https://t.co/MHRxGpdf9Y courte…
['Relevant'] 	 Gamed0ut : Tf, how do I delete dead accounts from being on Twitter anymore
['Relevant'] 	 neopatriotnews : Post Edited: Mourning the Colombia plane crash victims https://t.co/EtX7tePicv
['Relevant'] 	 DailyLosAngeles : At Least 2 L.A. Sheriff’s Deputies Injured in Paramount House Fire, Fight With Suspect... https://t.co/tU4lFOxRqI https://t.co/l5igqhv4e3
['Relevant'] 	 Delaness_9 : Correct. I am a massive bellend. https://t.co/QMHr69sljK
['Relevant'] 	 EdaciousGardens : @POTUS Do u remember learning of the broken treaties &amp; the slaughter of the #NativeAmerican People? #NoDAPL… https://t.co/fewFkRBmJ5
['Relevant'] 	 WRESTLEZONEcom : Update On Wrestler Injured At Last Night's #NXT Tapings, Ryback / MMA Note  https://t.co/MZBrTu1J9G https://t.co/W2ch9MLyUf
['Relevant'] 	 AlgoTechNews : #SpaceX Explosion Report Expected Soon https://t.co/xbYYcUQIMl via @spacex https://t.co/TklI6Gja21
['Relevant'] 	 rightlegpegged : Almost went over the handlebars on this massive depression in the Mass Ave bike lane.
This is the equivalent of lea… https://t.co/7ubivwsgGa
['Relevant'] 	 IncredibleHealT : Allegra 24hr Allergy Relief Tablets, 30ct, 5 Pack 041167412510A1560 https://t.co/xkQ4xwEERO https://t.co/TgHK2FjUHt
['Relevant'] 	 SamIam_112 : Honestly, the life and death brigade scene was one of my favorite parts in the #GilmoreGirlsRevival.
['Relevant'] 	 HoneyPyLog : HyPy3: #SunRPC.udp Possible SunRPC.udp attack from 93.158.200.206 https://t.co/14xZDxj2Sd
['Relevant'] 	 bellevuebigpic : Emergency Late Start Schedules #bigpiclearning https://t.co/RWj5CuIr1M In the case of inclement weather delaying the start of school, Big …
['Relevant'] 	 GoBigDamnVols : If anyone is looking to donate, the Sevier County Rescue Squad - 1171 Dolly Parton Pkwy in Sevierville is accepting almost anything.
['Relevant'] 	 jwayde1 : @JeffWashburnJC I were right... more I read about Brohm's air attack the more I get on board with that. Revive the Cradle of Quarterbacks
['Relevant'] 	 CandiceNBCSD : #Breaking Osprey emergency landing near #MountLaguna. Very dark. View from our #NBC7 camera. https://t.co/CnBcEJk8hD
['Relevant'] 	 neopatriotnews : New post: CNN Urged American Women to Wear Hijab Just Prior to OSU Terrorist Attack https://t.co/WHuoM9sBb2
['Relevant'] 	 HoneyPyLog : HyPy3: #Telnet Possible Telnet attack from 189.76.24.121 https://t.co/7gTdrO70Ka
['Relevant'] 	 neopatriotnews : Post Edited: Ohio State attack ‘has its roots’ in U.S. https://t.co/BkOaf8UBDC
['Relevant'] 	 INDprogressives : "Sanchez spearheaded the investigation into Carrier's intended exodus from Indianapolis beginning in February... https://t.co/1rOQlMxvDq
['Relevant'] 	 Parmigiani_S : Tennessee wildfire death toll climbs to 10 as searches wind down https://t.co/SVjMzUfHaI
['Relevant'] 	 NDEddieMac : Mass Effect footage tonight hyyyyyyyyyyyyyyyyyyyyyyyyyyyyyyype
['Relevant'] 	 matetudomahe : Snow blankets Hawaii summits amid winter storm warning https://t.co/6Q0Ub0DtOe
['Relevant'] 	 StatMLPapers : Diet2Vec: Multi-scale analysis of massive dietary data. (arXiv:1612.00388v1 [stat.ML]) https://t.co/USTouEdgXD
['Relevant'] 	 kairyssdal : Point: civilian control of  military. General/flag officers/CJCS shld be advisors unrestrained by prior superior/subordinate relationship.
['Relevant'] 	 LaurenceTobias1 : @duhgurlz @BBCNews In this turmoil , will N. Korea attack?😕
['Relevant'] 	 rvincent_harris : Shallow 6.3-magnitude quake hits Peru https://t.co/mdYjimUlNV
['Relevant'] 	 TheNextShare : #Ohio #State #Attacker May Have #Been #Inspired by #Dead Al-Qaeda-Linked ... https://t.co/djn7BotYEk #AlAwlaki… https://t.co/C1U4DJWVgV
['Relevant'] 	 Lidahb_ : Talking to someone who's dealing with a death is so hard.
['Relevant'] 	 NewsyNewsworld : Despite Climate Change Vow, China Pushes to Burn More Coal via /r/worldnews https://t.co/CXs9U5tNNU
['Relevant'] 	 ARMNewsdesk : Two men plead not guilty over the 2011 camping trip death of Lynette Daley in northern NSW: https://t.co/VuaNWgmE9j… https://t.co/JtiSJXc1pf
['Relevant'] 	 dreamyjungkook7 : @ftfirstlove finger cross nothing gonna happen to him,let's pray for his safety
['Relevant'] 	 josehuizar : 2 tree lighting events in #CD14 2morrow, Dec 2 - #Eaglerock @ 6pm: Eagle Rock City Hall &amp; #Hermon @ 6:30p: Hermon C… https://t.co/vJGwLitLIn
['Relevant'] 	 jonlen1 : Country legend Dolly Parton announces fund for Tennessee wildfire victims  https://t.co/7y1GgcTUnW
['Relevant'] 	 debicochran : Parents of 3 brothers injured in wildfires found dead https://t.co/VHGeYuXJFl
['Relevant'] 	 NewsyNewsworld : U.N. chief sorry for U.N. role in deadly Haiti cholera outbreak | Reuters via /r/worldnews https://t.co/G5jWEuKSUM
['Relevant'] 	 dre206_ : @IT4GOAT @BucsNationMUT bucs nation sucks and soon will be dead
['Relevant'] 	 HouseOfRevivaI : Prayers is powerful, pray everywhere. https://t.co/57yzQulADA
['Relevant'] 	 ooyuzspacenews : Moonwalker Buzz Aldrin medically evacuated from South Pole.. Related Articles: https://t.co/DOX8y0zjPy
['Relevant'] 	 AmenBreakBot : Nasenbluten - Hurricane 2000   https://t.co/Kbax5zMtsE
['Relevant'] 	 FanindraMT : Read the latest breaking &amp; viral news on the go with ViralShots app, install for free now https://t.co/IX5t9q5Pgu https://t.co/Rd9Fs2ONib
['Relevant'] 	 NewsyNewsworld : Russian Space Cargo Ship Destroyed in Failed Launch, Debris Burns Up via /r/worldnews https://t.co/AIZnxwwjTM
['Relevant'] 	 politicsooyu : Senators fail to block rules allowing U.S. law-enforcement hacking.. Related Articles: https://t.co/MGzjCLbrp0 https://t.co/INj1GoJgG5
['Relevant'] 	 LastChanceEbay : NEW Paw Patrol - Jungle Rescue - Marshall’s Jungle Truck &amp; Badge https://t.co/u6I74VIcOQ #ebay #deals #toys #games
['Relevant'] 	 EMwwS : Tennessean: #BREAKING Death toll rises to 11 in Gatlinburg wildfires https://t.co/uqIrNPOdX0
['Relevant'] 	 mr_trav : Shit the injuries that Minnesota got been crazy since week 1
['Relevant'] 	 NMBPoGoAlert : Rhyhorn appeared! IV: 53.33% (2/12/10). Moves: Mud Slap,Horn Attack. At 102 N Ocean Blvd. 24m 5s left. https://t.co/sqSxxNRnOb
['Relevant'] 	 ZIMBONEXUS : Former running back for USC and the @nyjets, Joe McKight, was shot and killed in a road rage incident. He was 28. https://t.co/HaL76XGz8d
['Relevant'] 	 AaliyahRHester0 : tragic.
['Relevant'] 	 ProfMBond : 'A clear shot' - police kill suspect, rescue children (from @AP) https://t.co/u9pwyhZ2xE
['Relevant'] 	 calistajerry01 : dead hearts are everywhere
['Relevant'] 	 Babak_Safavi : #Iran IRGC and affiliated force's death toll in #Syria passed 10,000 https://t.co/Xpip4ghdMi #paris #Mumbai #Reuters
['Relevant'] 	 Bitcoiners_Info : Massive Fire Engulfs One Of Italy’s Largest Oil Refineries https://t.co/moNCYw0ovF
['Relevant'] 	 snickers1965 : Suspect in Tacoma police shooting killed after standoff, 2 children rescued from home https://t.co/qZgjD01LnV
['Relevant'] 	 Bandinellosaul : Trump: people pouring in from regions of the Middle East and we are going to stop that 'cold dead flat ' #Cincinnati
['Relevant'] 	 lolfoodmax : mood during dead 💀 week https://t.co/AtokkueuUX
['Relevant'] 	 MttSmll : Your definition of safe seems to exclude the huge number of gun deaths, avoidable deaths due to lack of Healthcare… https://t.co/f3hf7Na15l
['Relevant'] 	 ToysEbay : NEW Paw Patrol - Jungle Rescue - Marshall’s Jungle Truck &amp; Badge https://t.co/fmVBupdmdB #ebay #toys #hobbies
['Relevant'] 	 LakersGrrrrl : Former USC star, NFL player Joe McKnight shot to death in Louisiana https://t.co/7QhuykrPkk #sports https://t.co/dDI1IgVrIH
['Relevant'] 	 punmetaphorica : an explosion is a kitten: Genevan, but not money-making
['Relevant'] 	 lgmontoya : Plane crashes owing to fuel exhaustion are extremely rare. But a tragedy like... https://t.co/qNIoAkCySk by #TheEconomist via @c0nvey
['Relevant'] 	 newszbreakinwx : #BREAKING Death toll rises to 11 in Gatlinburg wildfires
['Relevant'] 	 xDjnn : @uhngr 6 still dead
['Relevant'] 	 p3r3sk3 : Former USC and Jets RB Joe McKnight was shot to death in an apparent road rage incident... https://t.co/8mN105IRJA by #espn via @c0nvey
['Relevant'] 	 gr8isbobby : @rachel_coffey00 In the Survivor Epi 10 : Chris/ Jessica were voted out . In the Walking Dead Epi 5 : Tara went to the Oceanside community .
['Relevant'] 	 firangidesi : They should arrest the attackers. Students supporting Pak in Baluchistan are anti-national https://t.co/iQoBhsb2B0
['Relevant'] 	 IndiaToday : Kolkata police, Army spar on Twitter over deployment of forces at toll plazas
https://t.co/ElRIdMa4kS https://t.co/LeOGM5pOka
['Relevant'] 	 myvanefycala : Snow blankets Hawaii summits amid winter storm warning https://t.co/mkINSkEpuY
['Relevant'] 	 impact_massage : Warning: Dappled light conditions. #fridayrideday https://t.co/8ivZXv758D
['Relevant'] 	 flopezonline : Sam Bradford, QB for the @Vikings, looks like a serial killer that finds his victims on Craigslist.  #DALvsMIN  #NFL https://t.co/X8KCYfLVr9
['Relevant'] 	 KeithStinn : That's called Dramatic Irony Cisco... ☕😏

#LegendsofTomorrow #DCWeek https://t.co/sOEim4h2Un
['Relevant'] 	 cinephile24 : watching Night Warning, a horror film starring kristy m's younger brother  #1982watchlist https://t.co/7xdxVo2Z02
['Relevant'] 	 anadohoseok : Meu not vai passar a noite toda ligado no stream de BST e FIRE e eu tô rezando para a chuva não cagar com tudo
['Relevant'] 	 knoxnews : Death toll rises to 11 in #Gatlinburg wildfires https://t.co/j6jlDL5XQi
['Relevant'] 	 BKGNewscom : @BKGNewscom | Breaking News - Newspaper headlines: 'Chelsea 'hush money' claim &amp; ... - https://t.co/MWaLOZSEsc
['Relevant'] 	 dii_aannaa : This year was a disaster
['Relevant'] 	 SkylineSportsMT : Griz hoops returns home after challenging road trip — https://t.co/MGKogR1fxN #BigSkyMBB #GrizHoops @kyle_sample @Colter_Nuanez
['Relevant'] 	 abcdefghanani_ : rama² dah keluar dari perut yeay a big relief 🙌
['Relevant'] 	 phrbolt : Good article, but its worse than that. See Comment by Charles. A-G missing in action https://t.co/O5wcwdRTeS
['Relevant'] 	 richysauceee : @chxlle_ watching agame ga kill as well..only on episode 3 tho, have u watched seven deadly sins?
['Relevant'] 	 DanielYocom : Might wanna pull over then https://t.co/NVLuEROtwa
['Relevant'] 	 thethornbro : This Trump rally is even more scary knowing that he will actually hold all the power of being the President in less than 2 months.
['Relevant'] 	 campernst : Great Camp Ernst Board meeting tonight!  Grateful for such committed volunteers! https://t.co/Yb8DyFbQIv
['Relevant'] 	 Michael2018P2K : Huck observes and takes interest in a storm, using great imagery to point out the black skies and bright flashes. (… https://t.co/vLqogLx9BC
['Relevant'] 	 LJBJMMB : No govt position is as important as DHS Sec in fulfilling @realDonaldTrump immigration enforcement promises to Americans! #NotMcCaul
['Relevant'] 	 sn0830ja02 : Tune in live to watch The Game Awards December 1! Live coverage begins at 9:00PM ET/6:00PM PT. https://t.co/5PjmERdWIC #GTA
['Relevant'] 	 frontpagebuzz : Former NFL Player Joe McKnight Shot To Death In Louisiana https://t.co/YEQ1Muesnr
['Relevant'] 	 ruthmen : RESCUE🆘2BKILLED 12/02🆘 #NYC #DOGS #RESCUE #FOSTER #PLEDGE https://t.co/gZnSWTjiE9 @Gdad1 @jewelofark @Falconlady7… https://t.co/pDd97SHlCW
['Relevant'] 	 jagadee05376947 : USS ZUMWALT in ACTION! DDG 1000 sea trials and Long Range Land Attack Projectile: https://t.co/XAS469Qfuu via @YouTube
['Relevant'] 	 zombiebhoot2821 : তসলিমা নাসরিন এর নোংরামির, তসলিমা নাসরিন, তসলিমা নাসরিন এর নোংরামির মর্মান্তিক, নোংরামির, Investigation 360 Degree,…https://t.co/oEu3iHUJaD
['Relevant'] 	 KTNV : NEW: Henderson police arrest 3 women in Victoria's Secret theft ring https://t.co/rP2R3fmpQU https://t.co/RbP7avodPs
['Relevant'] 	 TheDailyTraub : Disaster game for Michigan.
['Relevant'] 	 HitBoundRadio : 20:36 NowPlaying True Disaster - Tove Lo @ToveLo https://t.co/6gyUdi00AU
['Relevant'] 	 NickkciN11 : IT WAS AN ACCIDENT https://t.co/nrZ7cvXB9u
['Relevant'] 	 NYJetsSupporter : #NYJets #NewYorkJets #Forum Big Mac dead! https://t.co/whDaNnlrHJ
['Relevant'] 	 evilh0e : @spicycolleen right? They were tragic
['Relevant'] 	 TheShaikh2310 : RT techjunkiejh:RT motherboard: Law enforcement agencies just shut down one of the largest-known malware networks https://t.co/WC6GPmoTbz …
['Relevant'] 	 i_ammoneyhungry : Rip bro 😞 https://t.co/JED3Qyg33W
['Relevant'] 	 sweetlemon_3141 : @SenWarren BREAKING NEWS SENATOR WARREN DOESNT CARE ABOUT HER PEOPLE https://t.co/38avQhMLPW @POTUS
['Relevant'] 	 FanindraMT : Read the latest breaking &amp; viral news on the go with ViralShots app, install for free now https://t.co/IX5t9q5Pgu https://t.co/1tjl0Aew7F
['Relevant'] 	 tsengputterman : Which is basically what liberal "progress" has always entailed... https://t.co/Xsp1mbKs13
['Relevant'] 	 lottefran1014 : Buzz Aldrin, second man on the moon, is being evacuated from South Pole due to... https://t.co/LWmTzJ43Hc by #cnnbrk via @c0nvey
['Relevant'] 	 dailymail_24 : Survivor's El Rowland snaps Instagram selfie in bed with Lee Carseldine and children
       … https://t.co/cS3vqpBpww
['Relevant'] 	 raisa4tohomusic : Hail Storm(FELT様より)
原曲:おてんば恋娘
https://t.co/6BXYbdPgKS?
オリジナルメロディ濃厚。アニソンみたいな響きとテンポの綺麗さに

 #気に入ったらRT
['Relevant'] 	 rmnstr : newscientist : Seismic sensing app detects 200 earthquakes in first six months … https://t.co/40pF8MfpbK) https://t.co/iLSsbevqyu
['Relevant'] 	 IzzyGamer : @itsjudytime stream isn't working!
['Relevant'] 	 cottoneyedjo : @esd2000 @RiskyLiberal requiring another rescue of the economy.
['Relevant'] 	 DJChristinaAsh : Just loved "Jorn van Deynhoven Live @ Dreamstate, NOS Events Center, San Be..." by Trancesets.me on @mixcloud https://t.co/qJbKK7qdST
['Relevant'] 	 Tanishaaaa13 : Congrats Sincere!! https://t.co/Gl1IE51NjH
['Relevant'] 	 montgomery_sean : So tired of humanity... https://t.co/RpuZx4tkbD
['Relevant'] 	 dii_aannaa : I was a disaster
['Relevant'] 	 NKqRL : @KronoviRL Loving the stream bro! https://t.co/ufVU8RYKJE
['Relevant'] 	 loreelew : Trump: 'People are pouring in from regions of the Middle East... we are going to stop that dead, fast' https://t.co/LRp3vbOcGv
['Relevant'] 	 tiwhitter : Trump: "We're going to stop refugees pouring into our country DEAD. COLD. FLAT."
#Cinncinati
#deadcoldflat
#norefugees
['Relevant'] 	 lschmeiser : @sarahjanet @washingtonkate @gingerest … but in current climate, “do not damage Dems in congress” might not be the worst idea.
['Relevant'] 	 MaricopaMugs : Jonathan Parra-amaya ARRESTED ON 12/7/2015 Jonathan Parra-amaya Arrested On 12/7/2015 For Age at Arrest: https://t.co/pGjWiXmG1r
['Relevant'] 	 saaaeh : तो लड़े @shaziailmi फिर अपनी पार्टी अध्यक्ष और PM से. https://t.co/BfKdpoxUBX
['Relevant'] 	 QuakesZone : #Earthquake magnitude 4,7 - 121,8 km from #Copiapó - #Chile https://t.co/Lnd1Fb1jlq https://t.co/mqH9wBnPKi
['Relevant'] 	 JoAniplex : Another fun-filled stream with the Marketing Crew tonight at 6PM(PST)! Tune in: https://t.co/ck02oDYKVV
['Relevant'] 	 MaricopaMugs : Cheryl Y Sanders ARRESTED ON 12/17/2013 For Cheryl Y Sanders Arrested On 12/17/2013 For Age at Arrest: 50 https://t.co/aVYMjJxpkv
['Relevant'] 	 mcmounce : @valtamtech I must have missed the breaking news of how a dilbit spill can be effectively restored/remedied on land or sea
['Relevant'] 	 minhyeripotter : Dude Blackpink isnt coming to MAMA not because of scared of blackjack but more like SAFETY issue. Ya know people nowadays are sensitive asjk
['Relevant'] 	 HoneyPyLog : HyPy3: #LDAP.udp Possible LDAP.udp attack from 73.177.28.120 https://t.co/jhxlSzrTOO
['Relevant'] 	 FanindraMT : Read the latest breaking &amp; viral news on the go with ViralShots app, install for free now https://t.co/IX5t9q5Pgu https://t.co/ZmQDwlLocc
['Relevant'] 	 RobertARabideau : 2 hospitalized after officer-involved shooting near Mililani High School https://t.co/vpimnEdnXe via @khonnews
['Relevant'] 	 MaineSocialNet : White House announces support for women in military draft - https://t.co/nAtqp1Qvjp...
['Relevant'] 	 elizabethwhit20 : Words, can damage relationships ..dont cut people up with your words, lift them up.
['Relevant'] 	 TheSlySoul : Stream delayed due to food. Game Awards is life so watch that since Twitch is giving me issues...
['Relevant'] 	 PriyaGrewal1 : BBC News - Tennessee wildfires: Death toll rises to 10 https://t.co/AkWpBfYDSr
['Relevant'] 	 FleblancArt : #b-17 #bomber #ww2 #military #flying #aircraft #aviation #vintage #wwii #airplane #warfare #combat #battle… https://t.co/Fo9yMspNv3
['Relevant'] 	 chijobest2000 : @JGudenus Massacre of unarmed #Biafrans by Nigerian military, Amnesty Intl releases report https://t.co/rI8zA3SDJJ #StopBiafrakillings
['Relevant'] 	 SeekersJustice : Any city that keeps Muslims safe is doomed by choice! When the TERRORIST CAMPS IN AMERICA attack they ARE all over AMERICA
['Relevant'] 	 freepsports : Ohio's No. 5 run defense faces tough task trying to slow a @WMU_Football rush attack that averages 247 YPG. https://t.co/2rcdrLByKH
['Relevant'] 	 pittman_nairobi : Former USC and NYJ RB Joe McKnight was shot to death in an apparent road rage... https://t.co/8GwgPbYBMr by #SportsCenter via @c0nvey
['Relevant'] 	 rosaleilani : Our investigation shows black people are killed in police chases at a rate 3x higher than others. https://t.co/kFVaBATFVf
['Relevant'] 	 Jimintzz : Jin said he wasn't going to blow a kiss bc it could give us a heart attack and did it anyway. Bastard.
['Relevant'] 	 TheCarlWeathers : @kraigehm Blast from the past. #BePeace
['Relevant'] 	 smallupsetter : Hillary's political career couldn't survive 2016, so that's one good death.
['Relevant'] 	 Umar_LFC : @kkaother and there are people literally freezing to death (Bristol yesterday). The way people treat and look down upon homeless people
['Relevant'] 	 actuallyfabs : @BBDailyOTT dead

In [67]:
results_df = pd.DataFrame({'text': boston_test_x, 'predicted':text_clf_predicted, 'ground_truth':boston_test_y}).sample(100)
pd.options.display.max_colwidth = 100
print(results_df[results_df['ground_truth'] != results_df['predicted']].to_string())


                    ground_truth                   predicted                                                                                                 text
77      Other Useful Information          Caution and advice  RT @cnnbreak: Flooding chaos in Philippine's capital: Flood waters were rising in parts of the P...
36            Caution and advice  Donations and volunteering       RT @themallph: Hey guys! Use the hashtag #RescuePH for rescue operations and flood monitoring!
35      Other Useful Information          Caution and advice  RT @YahooPH: use #rescuePH hashtag to allow all media outlets to monitor tweets related to the f...
84  Infrastructure and utilities  Donations and volunteering  RT @rancyamor: @annecurtissmith please rt. Thanks. Needs rescue!  #rescuePH 6 Monte Carlo St. Ci...

Validation


In [18]:
import numpy as np
from sklearn.model_selection import validation_curve
from sklearn.linear_model import Ridge
from sklearn.metrics import precision_recall_fscore_support

precision_recall_fscore_support(docs_new_target, text_clf_predicted, average='weighted')
#train_scores, valid_scores = validation_curve(Ridge(), list(range(1,len(corpus_target)+1)), corpus_target, "alpha", np.logspace(-7, 3, 3))


/usr/local/lib/python3.5/site-packages/sklearn/metrics/classification.py:1113: UndefinedMetricWarning: Precision and F-score are ill-defined and being set to 0.0 in labels with no predicted samples.
  'precision', 'predicted', average, warn_for)
Out[18]:
(0.79048649684762295, 0.79220055710306403, 0.7905934375611483, None)

In [ ]:
len(boston[:int(len(boston)*0.9)])

In [20]:
true_k = numpy.unique(corpus_target).shape[0]

In [21]:
from sklearn.decomposition import TruncatedSVD
svd_model = TruncatedSVD(n_components=500, 
                         algorithm='randomized',
                         n_iter=10, random_state=42)
svd_model = TruncatedSVD(true_k)

In [152]:
tknzr = TweetTokenizer()
hasher = HashingVectorizer(n_features=2**18,
                           stop_words='english', non_negative=True,
                           norm=None, binary=False, tokenizer=tknzr.tokenize)

In [153]:
from sklearn.pipeline import make_pipeline
#text_clf = Pipeline([('tfidf', vectorizer),
#                      ('svd', svd_model)])
lsa_vect = make_pipeline(hasher,TfidfTransformer())

In [55]:
X = lsa_vect.fit_transform(corpus)
#clf = MultinomialNB().fit(X, corpus_target)

In [56]:
from sklearn.pipeline import make_pipeline
lsa = make_pipeline(svd_model, Normalizer(copy=False))
X_lsa = lsa.fit_transform(X)

In [45]:
from sklearn import svm
cl_svm = svm.SVC(gamma=0.001, C=100.)
cl_svm.fit(X_lsa, corpus_target)


Out[45]:
SVC(C=100.0, cache_size=200, class_weight=None, coef0=0.0,
  decision_function_shape=None, degree=3, gamma=0.001, kernel='rbf',
  max_iter=-1, probability=False, random_state=None, shrinking=True,
  tol=0.001, verbose=False)

In [46]:
numpy.mean(cl_svm.predict(lsa.transform(lsa_vect.transform(docs_new))) == docs_new_target)


Out[46]:
0.63231197771587744

Taking a crack using TF


In [8]:
numpy.max(corpus_target)


---------------------------------------------------------------------------
AttributeError                            Traceback (most recent call last)
/usr/local/lib/python3.5/site-packages/numpy/core/fromnumeric.py in amax(a, axis, out, keepdims)
   2289         try:
-> 2290             amax = a.max
   2291         except AttributeError:

AttributeError: 'list' object has no attribute 'max'

During handling of the above exception, another exception occurred:

TypeError                                 Traceback (most recent call last)
<ipython-input-8-d6a62a02afab> in <module>()
----> 1 numpy.max(corpus_target)

/usr/local/lib/python3.5/site-packages/numpy/core/fromnumeric.py in amax(a, axis, out, keepdims)
   2291         except AttributeError:
   2292             return _methods._amax(a, axis=axis,
-> 2293                                 out=out, **kwargs)
   2294         return amax(axis=axis, out=out, **kwargs)
   2295     else:

/usr/local/lib/python3.5/site-packages/numpy/core/_methods.py in _amax(a, axis, out, keepdims)
     24 # small reductions
     25 def _amax(a, axis=None, out=None, keepdims=False):
---> 26     return umr_maximum(a, axis, None, out, keepdims)
     27 
     28 def _amin(a, axis=None, out=None, keepdims=False):

TypeError: cannot perform reduce with flexible type

In [47]:
from sklearn.preprocessing import LabelEncoder
lbl_encoder = LabelEncoder()
lbl_encoder.fit(corpus_target)
encoded_Y = lbl_encoder.transform(corpus_target)
encoded_test_Y = lbl_encoder.transform(docs_new_target)
nb_classes = numpy.max(encoded_Y)+1
print('Convert class vector to binary class matrix (for use with categorical_crossentropy)')
Y_train = np_utils.to_categorical(encoded_Y, nb_classes)
Y_test = np_utils.to_categorical(encoded_test_Y, nb_classes)
print('Y_train shape:', Y_train.shape)
print('Y_test shape:', Y_test.shape)
#tokenize_it.tweet_to_tokens


Convert class vector to binary class matrix (for use with categorical_crossentropy)
Y_train shape: (7286, 3)
Y_test shape: (3590, 3)

In [15]:
lbl_encoder.inverse_transform(2)


Out[15]:
'Relevant'

In [22]:
numpy.max(list(map(lambda x: len(x), sequences)))


Out[22]:
32

In [43]:
from keras.preprocessing.sequence import pad_sequences
tokenizer = keras.preprocessing.text.Tokenizer(nb_words=None, lower=True, split=" ")
tokenizer.fit_on_texts(corpus)
sequences = tokenizer.texts_to_sequences(corpus)
MAX_SEQUENCE_LENGTH = numpy.max(list(map(lambda x: len(x), sequences)))
data = pad_sequences(sequences, maxlen=MAX_SEQUENCE_LENGTH)
indices = numpy.arange(data.shape[0])
numpy.random.shuffle(indices)
data = data[indices]

word_index = tokenizer.word_index
EMBEDDING_DIM = 300
embedding_matrix = numpy.zeros((len(word_index) + 1, EMBEDDING_DIM))
for word, i in word_index.items():
    embedding_vector = embeddings_index.get(word)
    if embedding_vector is not None:
        # words not found in embedding index will be all-zeros.
        embedding_matrix[i] = embedding_vector

In [44]:
from keras.layers import Embedding

embedding_layer = Embedding(len(word_index) + 1,
                            EMBEDDING_DIM,
                            weights=[embedding_matrix],
                            input_length=MAX_SEQUENCE_LENGTH,
                            trainable=True)
#embedding_layer = Embedding(len(word_index) + 1,
#                            EMBEDDING_DIM,
#                            input_length=MAX_SEQUENCE_LENGTH)

In [50]:
from keras.layers.core    import Dense, Dropout, Activation, Flatten
from keras.layers.convolutional import Convolution1D, MaxPooling1D

dropout_ratio = 0.5
nb_filter=150
filter_length=3
pool_length=3
nb_classes = 3
hidden_size=150
dropout_ratio=0.5
tune_emb=True

model = Sequential()
model.add(embedding_layer)
model.add(Dropout(dropout_ratio))

# we add a Convolution1D, which will learn nb_filter (word group) filters of size filter_length:
model.add(Convolution1D(nb_filter=nb_filter, filter_length=filter_length, 
                        border_mode='valid', activation='relu', subsample_length=1))

# we use standard max pooling (halving the output of the previous layer):
model.add(MaxPooling1D(pool_length=pool_length))
model.add(Dropout(dropout_ratio))

# We flatten the output of the conv layer, so that we can add a vanilla dense layer:
model.add(Flatten())

# We add a vanilla hidden layer:
model.add(Dense(hidden_size))
model.add(Activation('relu'))
model.add(Dropout(dropout_ratio))

print('Doing classification with class #', nb_classes)
model.add(Dense(nb_classes))
model.add(Activation('softmax'))

loss       = 'categorical_crossentropy'
class_mode = 'categorical'
optimizer = "adadelta"

model.compile(optimizer=optimizer, loss=loss,  class_mode=class_mode, metrics=['accuracy'])


Doing classification with class # 3
/usr/local/lib/python3.5/site-packages/keras/models.py:546: UserWarning: "class_mode" argument is deprecated, please remove it.
  warnings.warn('"class_mode" argument is deprecated, '

In [51]:
from keras.callbacks import EarlyStopping, ModelCheckpoint

model_name = "test_dnn_twitter"
earlystopper = EarlyStopping(monitor='val_loss', patience=3, verbose=1)
checkpointer = ModelCheckpoint(filepath=model_name, monitor='val_loss', verbose=1, save_best_only=True)

In [52]:
model.fit(x_train, y_train, batch_size=128, nb_epoch=25,
        validation_data=(x_val, y_val), show_accuracy=True, verbose=1, callbacks=[earlystopper, checkpointer])

print ("Loading ...", model_name)
model.load_weights(model_name)       
print("Test model ...")


/usr/local/lib/python3.5/site-packages/keras/models.py:610: UserWarning: The "show_accuracy" argument is deprecated, instead you should pass the "accuracy" metric to the model at compile time:
`model.compile(optimizer, loss, metrics=["accuracy"])`
  warnings.warn('The "show_accuracy" argument is deprecated, '
Train on 6852 samples, validate on 2936 samples
Epoch 1/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.7805 - acc: 0.5411Epoch 00000: val_loss improved from inf to 0.72660, saving model to test_dnn_twitter
6852/6852 [==============================] - 25s - loss: 0.7804 - acc: 0.5410 - val_loss: 0.7266 - val_acc: 0.5470
Epoch 2/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.7226 - acc: 0.5548Epoch 00001: val_loss improved from 0.72660 to 0.71347, saving model to test_dnn_twitter
6852/6852 [==============================] - 25s - loss: 0.7230 - acc: 0.5544 - val_loss: 0.7135 - val_acc: 0.5490
Epoch 3/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.7083 - acc: 0.5624Epoch 00002: val_loss improved from 0.71347 to 0.70527, saving model to test_dnn_twitter
6852/6852 [==============================] - 25s - loss: 0.7083 - acc: 0.5617 - val_loss: 0.7053 - val_acc: 0.5484
Epoch 4/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.7020 - acc: 0.5638Epoch 00003: val_loss improved from 0.70527 to 0.70492, saving model to test_dnn_twitter
6852/6852 [==============================] - 31s - loss: 0.7024 - acc: 0.5641 - val_loss: 0.7049 - val_acc: 0.5484
Epoch 5/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6995 - acc: 0.5752Epoch 00004: val_loss improved from 0.70492 to 0.70068, saving model to test_dnn_twitter
6852/6852 [==============================] - 26s - loss: 0.6994 - acc: 0.5747 - val_loss: 0.7007 - val_acc: 0.5484
Epoch 6/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6963 - acc: 0.5764Epoch 00005: val_loss improved from 0.70068 to 0.69875, saving model to test_dnn_twitter
6852/6852 [==============================] - 27s - loss: 0.6963 - acc: 0.5757 - val_loss: 0.6987 - val_acc: 0.5460
Epoch 7/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6960 - acc: 0.5780Epoch 00006: val_loss improved from 0.69875 to 0.69858, saving model to test_dnn_twitter
6852/6852 [==============================] - 27s - loss: 0.6957 - acc: 0.5784 - val_loss: 0.6986 - val_acc: 0.5484
Epoch 8/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6967 - acc: 0.5775Epoch 00007: val_loss did not improve
6852/6852 [==============================] - 26s - loss: 0.6963 - acc: 0.5784 - val_loss: 0.6992 - val_acc: 0.5484
Epoch 9/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6944 - acc: 0.5746Epoch 00008: val_loss did not improve
6852/6852 [==============================] - 27s - loss: 0.6943 - acc: 0.5763 - val_loss: 0.7025 - val_acc: 0.5484
Epoch 10/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6932 - acc: 0.5818Epoch 00009: val_loss did not improve
6852/6852 [==============================] - 26s - loss: 0.6938 - acc: 0.5798 - val_loss: 0.7016 - val_acc: 0.5450
Epoch 11/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6921 - acc: 0.5809Epoch 00010: val_loss improved from 0.69858 to 0.69788, saving model to test_dnn_twitter
6852/6852 [==============================] - 28s - loss: 0.6917 - acc: 0.5811 - val_loss: 0.6979 - val_acc: 0.5484
Epoch 12/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6893 - acc: 0.5789Epoch 00011: val_loss did not improve
6852/6852 [==============================] - 29s - loss: 0.6892 - acc: 0.5790 - val_loss: 0.7017 - val_acc: 0.5487
Epoch 13/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6869 - acc: 0.5877Epoch 00012: val_loss did not improve
6852/6852 [==============================] - 25s - loss: 0.6870 - acc: 0.5874 - val_loss: 0.7003 - val_acc: 0.5494
Epoch 14/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6887 - acc: 0.5876Epoch 00013: val_loss did not improve
6852/6852 [==============================] - 26s - loss: 0.6887 - acc: 0.5871 - val_loss: 0.7014 - val_acc: 0.5490
Epoch 15/25
6784/6852 [============================>.] - ETA: 0s - loss: 0.6886 - acc: 0.5828Epoch 00014: early stopping
Epoch 00014: val_loss did not improve
6852/6852 [==============================] - 25s - loss: 0.6888 - acc: 0.5820 - val_loss: 0.7038 - val_acc: 0.5484
Loading ... test_dnn_twitter
Test model ...

In [9]:


In [ ]:
list(map(,corpus))

In [45]:
nb_validation_samples = int(0.3 * data.shape[0])
#labels = np_utils.to_categorical(numpy.asarray(corpus_target))
x_train = data[:-nb_validation_samples]
y_train = Y_train[:-nb_validation_samples]
x_val = data[-nb_validation_samples:]
y_val = Y_train[-nb_validation_samples:]

In [46]:
sequences_test = tokenizer.texts_to_sequences(docs_new)
#MAX_SEQUENCE_LENGTH = numpy.max(list(map(lambda x: len(x), sequences)))
data_test = pad_sequences(sequences_test, maxlen=MAX_SEQUENCE_LENGTH)

In [236]:
numpy.unique(y_pred)


Out[236]:
array([1, 2])

In [245]:
y_pred


Out[245]:
array([1, 2, 2, ..., 1, 1, 1])

In [235]:
#from sklearn.metrics import roc_curve, auc
from sklearn import metrics
y_pred = model.predict_classes(data_test)
y_test = numpy.array(encoded_test_Y)

acc2 = metrics.accuracy_score(y_test, y_pred)
print("Raw Accuracy:", acc2)

#get label ids in sorted
class_labels = sorted(label_id, key=label_id.get)
#print (class_labels)

print (metrics.classification_report(y_test, y_pred, target_names=class_labels, digits=4) )

print ("Confusion Matrix:\n", metrics.confusion_matrix(y_test, y_pred, labels=range(0, len(class_labels))))


1088/1088 [==============================] - 1s     
Raw Accuracy: 0.883272058824
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
<ipython-input-235-85bd7c329f4c> in <module>()
      8 
      9 #get label ids in sorted
---> 10 class_labels = sorted(label_id, key=label_id.get)
     11 #print (class_labels)
     12 

NameError: name 'label_id' is not defined

In [176]:
#vt_sequence = TfidfVectorizer(min_df=1, tokenizer=tknzr.tokenize)
X_train = tokenizer.texts_to_sequences(corpus, mode='tfidf')
X_test = tokenizer.texts_to_sequences(docs_new, mode='tfidf')


---------------------------------------------------------------------------
TypeError                                 Traceback (most recent call last)
<ipython-input-176-34c8feffda46> in <module>()
      1 #vt_sequence = TfidfVectorizer(min_df=1, tokenizer=tknzr.tokenize)
----> 2 X_train = tokenizer.texts_to_sequences(corpus, mode='tfidf')
      3 X_test = tokenizer.texts_to_sequences(docs_new, mode='tfidf')

TypeError: texts_to_sequences() got an unexpected keyword argument 'mode'

In [ ]:


In [166]:
X_train.shape


Out[166]:
(9788, 10000)

In [294]:
from keras.models import Sequential
from keras.layers import Dense, Dropout, Activation

batch_size = 32
nb_epoch = 8
print('Building model...')
model = Sequential()
model.add(Dense(512, input_shape=(10000,)))
model.add(Activation('relu'))
model.add(Dropout(0.5))
model.add(Dense(nb_classes))
model.add(Activation('softmax'))

model.compile(loss='categorical_crossentropy',
              optimizer='adam',
              metrics=['accuracy'])

history = model.fit(X_train, Y_train,
                    nb_epoch=nb_epoch, batch_size=batch_size,
                    verbose=1, validation_split=0.1)
score = model.evaluate(X_test, Y_test,
                       batch_size=batch_size, verbose=1)
print('Test score:', score[0])
print('Test accuracy:', score[1])


Building model...
---------------------------------------------------------------------------
Exception                                 Traceback (most recent call last)
<ipython-input-294-314e8a5022a9> in <module>()
     18 history = model.fit(X_train, Y_train,
     19                     nb_epoch=nb_epoch, batch_size=batch_size,
---> 20                     verbose=1, validation_split=0.1)
     21 score = model.evaluate(X_test, Y_test,
     22                        batch_size=batch_size, verbose=1)

/usr/local/lib/python3.5/site-packages/keras/models.py in fit(self, x, y, batch_size, nb_epoch, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight, **kwargs)
    625                               shuffle=shuffle,
    626                               class_weight=class_weight,
--> 627                               sample_weight=sample_weight)
    628 
    629     def evaluate(self, x, y, batch_size=32, verbose=1,

/usr/local/lib/python3.5/site-packages/keras/engine/training.py in fit(self, x, y, batch_size, nb_epoch, verbose, callbacks, validation_split, validation_data, shuffle, class_weight, sample_weight)
   1050                                                            class_weight=class_weight,
   1051                                                            check_batch_dim=False,
-> 1052                                                            batch_size=batch_size)
   1053         # prepare validation data
   1054         if validation_data:

/usr/local/lib/python3.5/site-packages/keras/engine/training.py in _standardize_user_data(self, x, y, sample_weight, class_weight, check_batch_dim, batch_size)
    977                                    self.internal_input_shapes,
    978                                    check_batch_dim=False,
--> 979                                    exception_prefix='model input')
    980         y = standardize_input_data(y, self.output_names,
    981                                    output_shapes,

/usr/local/lib/python3.5/site-packages/keras/engine/training.py in standardize_input_data(data, names, shapes, check_batch_dim, exception_prefix)
    109                                         ' to have shape ' + str(shapes[i]) +
    110                                         ' but got array with shape ' +
--> 111                                         str(array.shape))
    112     return arrays
    113 

Exception: Error when checking model input: expected dense_input_1 to have shape (None, 10000) but got array with shape (9788, 1)

In [77]:
model.predict_classes(tokenizer.texts_to_matrix(boston[:100][boston.columns[1]], mode='tfidf'), batch_size=32, verbose=0)


Out[77]:
array([1, 2, 1, 1, 2, 1, 2, 2, 2, 1, 2, 2, 2, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2,
       1, 2, 1, 2, 1, 2, 1, 2, 1, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2, 2,
       2, 1, 2, 1, 2, 2, 1, 2, 2, 2, 1, 2, 2, 2, 1, 2, 2, 2, 2, 2, 2, 1, 1,
       1, 2, 2, 1, 2, 2, 2, 2, 2, 1, 2, 1, 1, 2, 2, 2, 2, 1, 2, 2, 1, 1, 2,
       1, 2, 1, 1, 2, 2, 2, 1])

In [184]:
#boston = pd.read_csv('./data/CrisisLexT26/2013_Boston_bombings/2013_Boston_bombings-tweets_labeled.csv')
boston = pd.read_csv('./data/CrisisLexT26/2012_Philipinnes_floods/2012_Philipinnes_floods-tweets_labeled.csv')

In [185]:
boston[:10]['Informativeness']


---------------------------------------------------------------------------
KeyError                                  Traceback (most recent call last)
/Users/pratheekrebala/Library/Python/3.5/lib/python/site-packages/pandas/indexes/base.py in get_loc(self, key, method, tolerance)
   2103             try:
-> 2104                 return self._engine.get_loc(key)
   2105             except KeyError:

pandas/index.pyx in pandas.index.IndexEngine.get_loc (pandas/index.c:4160)()

pandas/index.pyx in pandas.index.IndexEngine.get_loc (pandas/index.c:4024)()

pandas/src/hashtable_class_helper.pxi in pandas.hashtable.PyObjectHashTable.get_item (pandas/hashtable.c:13161)()

pandas/src/hashtable_class_helper.pxi in pandas.hashtable.PyObjectHashTable.get_item (pandas/hashtable.c:13115)()

KeyError: 'Informativeness'

During handling of the above exception, another exception occurred:

KeyError                                  Traceback (most recent call last)
<ipython-input-185-251c473e50c9> in <module>()
----> 1 boston[:10]['Informativeness']

/Users/pratheekrebala/Library/Python/3.5/lib/python/site-packages/pandas/core/frame.py in __getitem__(self, key)
   2055             return self._getitem_multilevel(key)
   2056         else:
-> 2057             return self._getitem_column(key)
   2058 
   2059     def _getitem_column(self, key):

/Users/pratheekrebala/Library/Python/3.5/lib/python/site-packages/pandas/core/frame.py in _getitem_column(self, key)
   2062         # get column
   2063         if self.columns.is_unique:
-> 2064             return self._get_item_cache(key)
   2065 
   2066         # duplicate columns & possible reduce dimensionality

/Users/pratheekrebala/Library/Python/3.5/lib/python/site-packages/pandas/core/generic.py in _get_item_cache(self, item)
   1384         res = cache.get(item)
   1385         if res is None:
-> 1386             values = self._data.get(item)
   1387             res = self._box_item_values(item, values)
   1388             cache[item] = res

/Users/pratheekrebala/Library/Python/3.5/lib/python/site-packages/pandas/core/internals.py in get(self, item, fastpath)
   3518 
   3519             if not isnull(item):
-> 3520                 loc = self.items.get_loc(item)
   3521             else:
   3522                 indexer = np.arange(len(self.items))[isnull(self.items)]

/Users/pratheekrebala/Library/Python/3.5/lib/python/site-packages/pandas/indexes/base.py in get_loc(self, key, method, tolerance)
   2104                 return self._engine.get_loc(key)
   2105             except KeyError:
-> 2106                 return self._engine.get_loc(self._maybe_cast_indexer(key))
   2107 
   2108         indexer = self.get_indexer([key], method=method, tolerance=tolerance)

pandas/index.pyx in pandas.index.IndexEngine.get_loc (pandas/index.c:4160)()

pandas/index.pyx in pandas.index.IndexEngine.get_loc (pandas/index.c:4024)()

pandas/src/hashtable_class_helper.pxi in pandas.hashtable.PyObjectHashTable.get_item (pandas/hashtable.c:13161)()

pandas/src/hashtable_class_helper.pxi in pandas.hashtable.PyObjectHashTable.get_item (pandas/hashtable.c:13115)()

KeyError: 'Informativeness'
401
401

In [253]:
list(zip(map(lambda x: lbl_encoder.inverse_transform(x), y_pred),corpus_target,docs_new))


Out[253]:
[('Not Relevant', 'Relevant', 'Just happened a terrible car crash'),
 ('Relevant',
  'Relevant',
  'Our Deeds are the Reason of this #earthquake May ALLAH Forgive us all'),
 ('Relevant',
  'Relevant',
  'Heard about #earthquake is different cities, stay safe everyone.'),
 ('Relevant',
  'Relevant',
  'there is a forest fire at spot pond, geese are fleeing across the street, I cannot save them all'),
 ('Relevant', 'Relevant', 'Forest fire near La Ronge Sask. Canada'),
 ('Relevant',
  'Relevant',
  "All residents asked to 'shelter in place' are being notified by officers. No other evacuation or shelter in place orders are expected"),
 ('Relevant',
  'Relevant',
  '13,000 people receive #wildfires evacuation orders in California '),
 ('Not Relevant',
  'Relevant',
  'Just got sent this photo from Ruby #Alaska as smoke from #wildfires pours into a school '),
 ('Relevant',
  'Relevant',
  '#RockyFire Update => California Hwy. 20 closed in both directions due to Lake County fire - #CAfire #wildfires'),
 ('Not Relevant', 'Relevant', 'Apocalypse lighting. #Spokane #wildfires'),
 ('Relevant',
  'Relevant',
  '#flood #disaster Heavy rain causes flash flooding of streets in Manitou, Colorado Springs areas'),
 ('Relevant', 'Relevant', 'Typhoon Soudelor kills 28 in China and Taiwan'),
 ('Not Relevant', 'Relevant', "We're shaking...It's an earthquake"),
 ('Not Relevant',
  'Relevant',
  "I'm on top of the hill and I can see a fire in the woods..."),
 ('Relevant',
  'Relevant',
  "There's an emergency evacuation happening now in the building across the street"),
 ('Not Relevant',
  'Relevant',
  "I'm afraid that the tornado is coming to our area..."),
 ('Relevant', 'Relevant', 'Three people died from the heat wave so far'),
 ('Not Relevant',
  'Relevant',
  'Haha South Tampa is getting flooded hah- WAIT A SECOND I LIVE IN SOUTH TAMPA WHAT AM I GONNA DO WHAT AM I GONNA DO FVCK #flooding'),
 ('Relevant',
  'Relevant',
  "#raining #flooding #Florida #TampaBay #Tampa 18 or 19 days. I've lost count "),
 ('Relevant', 'Relevant', '#Flood in Bago Myanmar #We arrived Bago'),
 ('Relevant',
  'Relevant',
  'Damage to school bus on 80 in multi car crash #BREAKING '),
 ('Not Relevant',
  'Not Relevant',
  "They'd probably still show more life than Arsenal did yesterday, eh? EH?"),
 ('Not Relevant', 'Not Relevant', 'Hey! How are you?'),
 ('Not Relevant', 'Not Relevant', "What's up man?"),
 ('Not Relevant', 'Not Relevant', 'I love fruits'),
 ('Not Relevant', 'Not Relevant', 'Summer is lovely'),
 ('Not Relevant', 'Not Relevant', 'My car is so fast'),
 ('Not Relevant', 'Not Relevant', 'What a nice hat?'),
 ('Not Relevant', 'Not Relevant', 'What a goooooooaaaaaal!!!!!!'),
 ('Not Relevant', 'Not Relevant', 'Fuck off!'),
 ('Not Relevant', 'Not Relevant', "No I don't like cold!"),
 ('Not Relevant', 'Not Relevant', 'this is ridiculous....'),
 ('Not Relevant', 'Not Relevant', 'London is cool ;)'),
 ('Not Relevant', 'Not Relevant', 'Love skiing'),
 ('Not Relevant', 'Not Relevant', 'What a wonderful day!'),
 ('Not Relevant', 'Not Relevant', "NOOOOOOOOO! Don't do that!"),
 ('Not Relevant', 'Not Relevant', 'LOOOOOOL'),
 ('Not Relevant', 'Not Relevant', "No way...I can't eat that shit"),
 ('Not Relevant', 'Not Relevant', 'Was in NYC last week!'),
 ('Not Relevant', 'Not Relevant', 'Love my girlfriend'),
 ('Not Relevant', 'Not Relevant', 'Cooool :)'),
 ('Not Relevant', 'Not Relevant', 'Do you like pasta?'),
 ('Not Relevant', 'Not Relevant', "No don't tell me that!"),
 ('Not Relevant', 'Not Relevant', 'What if?!'),
 ('Not Relevant', 'Not Relevant', 'The end!'),
 ('Not Relevant', 'Not Relevant', 'Awesome!'),
 ('Relevant',
  'Relevant',
  "Birmingham Wholesale Market is ablaze BBC News - Fire breaks out at Birmingham's Wholesale Market http://t.co/irWqCEZWEU"),
 ('Not Relevant',
  'Not Relevant',
  '@sunkxssedharry will you wear shorts for race ablaze ?'),
 ('Not Relevant',
  'Relevant',
  '@bbcmtd Wholesale Markets ablaze http://t.co/lHYXEOHY6C'),
 ('Not Relevant',
  'Not Relevant',
  'We always try to bring the heavy. #metal #RT http://t.co/YAo1e0xngw'),
 ('Relevant',
  'Relevant',
  '#AFRICANBAZE: Breaking news:Nigeria flag set ablaze in Aba. http://t.co/2nndBGwyEi'),
 ('Not Relevant',
  'Not Relevant',
  '#PreviouslyOnDoyinTv: Toke Makinwa\x89Ûªs marriage crisis sets Nigerian Twitter ablaze... http://t.co/CMghxBa2XI'),
 ('Not Relevant', 'Not Relevant', 'Crying out for more! Set me ablaze'),
 ('Not Relevant',
  'Not Relevant',
  'On plus side LOOK AT THE SKY LAST NIGHT IT WAS ABLAZE http://t.co/qqsmshaJ3N'),
 ('Not Relevant',
  'Not Relevant',
  "@PhDSquares #mufc they've built so much hype around new acquisitions but I doubt they will set the EPL ablaze this season."),
 ('Not Relevant',
  'Relevant',
  'INEC Office in Abia Set Ablaze - http://t.co/3ImaomknnA'),
 ('Not Relevant',
  'Relevant',
  'Barbados #Bridgetown JAMAICA \x89ÛÒ Two cars set ablaze: SANTA CRUZ \x89ÛÓ Head of the St Elizabeth Police Superintende...  http://t.co/wDUEaj8Q4J'),
 ('Not Relevant', 'Not Relevant', 'Ablaze for you Lord :D'),
 ('Not Relevant',
  'Not Relevant',
  'Check these out: http://t.co/rOI2NSmEJJ http://t.co/3Tj8ZjiN21 http://t.co/YDUiXEfIpE http://t.co/LxTjc87KLS #nsfw'),
 ('Not Relevant',
  'Not Relevant',
  'Check these out: http://t.co/rOI2NSmEJJ http://t.co/3Tj8ZjiN21 http://t.co/YDUiXEfIpE http://t.co/LxTjc87KLS #nsfw'),
 ('Not Relevant',
  'Not Relevant',
  'PSA: I\x89Ûªm splitting my personalities.\n\n?? techies follow @ablaze_co\n?? Burners follow @ablaze'),
 ('Not Relevant',
  'Not Relevant',
  "on the outside you're ablaze and alive\nbut you're dead inside"),
 ('Not Relevant',
  'Not Relevant',
  'Had an awesome time visiting the CFC head office the ancop site and ablaze. Thanks to Tita Vida for taking care of us ??'),
 ('Not Relevant',
  'Not Relevant',
  'SOOOO PUMPED FOR ABLAZE ???? @southridgelife'),
 ('Not Relevant',
  'Not Relevant',
  'I wanted to set Chicago ablaze with my preaching... But not my hotel! http://t.co/o9qknbfOFX'),
 ('Not Relevant',
  'Not Relevant',
  'I gained 3 followers in the last week. You? Know your stats and grow with http://t.co/TIyUliF5c6'),
 ('Relevant',
  'Relevant',
  'How the West was burned: Thousands of wildfires ablaze in California alone http://t.co/vl5TBR3wbr'),
 ('Not Relevant',
  'Not Relevant',
  'Building the perfect tracklist to life leave the streets ablaze'),
 ('Not Relevant',
  'Not Relevant',
  'Check these out: http://t.co/rOI2NSmEJJ http://t.co/3Tj8ZjiN21 http://t.co/YDUiXEfIpE http://t.co/LxTjc87KLS #nsfw'),
 ('Not Relevant',
  'Not Relevant',
  'beware world ablaze sierra leone &amp; guap.'),
 ('Not Relevant',
  'Not Relevant',
  'Burning Man Ablaze! by Turban Diva http://t.co/hodWosAmWS via @Etsy'),
 ('Not Relevant',
  'Not Relevant',
  "First night with retainers in. It's quite weird. Better get used to it; I have to wear them every single night for the next year at least."),
 ('Not Relevant',
  'Not Relevant',
  "Not a diss song. People will take 1 thing and run with it. Smh it's an eye opener though. He is about 2 set the game ablaze @CyhiThePrynce"),
 ('Relevant',
  'Relevant',
  'Deputies: Man shot before Brighton home set ablaze http://t.co/gWNRhMSO8k'),
 ('Relevant',
  'Relevant',
  'Man wife get six years jail for setting ablaze niece\nhttp://t.co/eV1ahOUCZA'),
 ('Relevant',
  'Relevant',
  'Rape victim dies as she sets herself ablaze: A 16-year-old girl died of burn injuries as she set herself ablaze\x89Û_ http://t.co/UK8hNrbOob'),
 ('Not Relevant',
  'Not Relevant',
  'SANTA CRUZ \x89ÛÓ Head of the St Elizabeth Police Superintendent Lanford Salmon has r ... - http://t.co/vplR5Hka2u http://t.co/SxHW2TNNLf'),
 ('Not Relevant',
  'Relevant',
  'Police: Arsonist Deliberately Set Black Church In North CarolinaåÊAblaze http://t.co/pcXarbH9An'),
 ('Not Relevant',
  'Not Relevant',
  "Noches El-Bestia '@Alexis_Sanchez: happy to see my teammates and training hard ?? goodnight gunners.?????? http://t.co/uc4j4jHvGR'"),
 ('Relevant',
  'Relevant',
  '#Kurds trampling on Turkmen flag later set it ablaze while others vandalized offices of Turkmen Front in #Diyala http://t.co/4IzFdYC3cg'),
 ('Relevant',
  'Relevant',
  'TRUCK ABLAZE : R21. VOORTREKKER AVE. OUTSIDE OR TAMBO INTL. CARGO SECTION. http://t.co/8kscqKfKkF'),
 ('Not Relevant',
  'Not Relevant',
  'Set our hearts ablaze and every city was a gift And every skyline was like a kiss upon the lips @\x89Û_ https://t.co/cYoMPZ1A0Z'),
 ('Not Relevant',
  'Not Relevant',
  "They sky was ablaze tonight in Los Angeles. I'm expecting IG and FB to be filled with sunset shots if I know my peeps!!"),
 ('Relevant',
  'Relevant',
  'How the West was burned: Thousands of wildfires ablaze in #California alone http://t.co/iCSjGZ9tE1 #climate #energy http://t.co/9FxmN0l0Bd'),
 ('Not Relevant',
  'Not Relevant',
  'SETTING MYSELF ABLAZE http://t.co/6vMe7P5XhC'),
 ('Not Relevant',
  'Not Relevant',
  'Revel in yours wmv videos by means of mac farewell ablaze wmv en route to dvd: GtxRWm'),
 ('Not Relevant',
  'Not Relevant',
  "Progressive greetings!\n\nIn about a month students would have set their pens ablaze in The Torch Publications'... http://t.co/9FxPiXQuJt"),
 ('Not Relevant',
  'Not Relevant',
  '@CTVToronto the bins in front of the field by my house wer set ablaze the other day flames went rite up the hydro pole wonder if it was him'),
 ('Not Relevant',
  'Not Relevant',
  '#nowplaying Alfons - Ablaze 2015 on Puls Radio #pulsradio http://t.co/aA5BJgWfDv'),
 ('Not Relevant',
  'Not Relevant',
  'Rene Ablaze &amp; Jacinta - Secret 2k13 (Fallen Skies Edit) - Mar 30 2013  https://t.co/7MLMsUzV1Z'),
 ('Not Relevant',
  'Not Relevant',
  "'Burning Rahm': Let's hope City Hall builds a giant wooden mayoral effigy 100 feet tall &amp; sets it ablaze. http://t.co/kFo2mksn6Y @John_Kass"),
 ('Relevant',
  'Relevant',
  "@Navista7 Steve these fires out here are something else! California is a tinderbox - and this clown was setting my 'hood ablaze @News24680"),
 ('Not Relevant',
  'Not Relevant',
  '#NowPlaying: Rene Ablaze &amp; Ian Buff - Magnitude http://t.co/Av2JSjfFtc  #EDM'),
 ('Relevant',
  'Relevant',
  '@nxwestmidlands huge fire at Wholesale markets ablaze http://t.co/rwzbFVNXER'),
 ('Not Relevant',
  'Not Relevant',
  '@PhilippaEilhart @DhuBlath hurt but her eyes ablaze with insulted anger.'),
 ('Not Relevant',
  'Not Relevant',
  "@ablaze what time does your talk go until? I don't know if I can make it due to work."),
 ('Not Relevant',
  'Not Relevant',
  "'I can't have kids cuz I got in a bicycle accident &amp; split my testicles. it's impossible for me to have kids' MICHAEL YOU ARE THE FATHER"),
 ('Relevant',
  'Relevant',
  'Accident on I-24 W #NashvilleTraffic. Traffic moving 8m slower than usual. https://t.co/0GHk693EgJ'),
 ('Relevant',
  'Relevant',
  'Accident center lane blocked in #SantaClara on US-101 NB before Great America Pkwy #BayArea #Traffic http://t.co/pmlOhZuRWR'),
 ('Relevant',
  'Relevant',
  'Accident cleared in #PaTurnpike on PATP EB between PA-18 and Cranberry slow back to #traffic http://t.co/SL0Oqn0Vyr'),
 ('Not Relevant',
  'Not Relevant',
  'http://t.co/GKYe6gjTk5 Had a #personalinjury accident this summer? Read our advice &amp; see how a #solicitor can help #OtleyHour'),
 ('Not Relevant',
  'Not Relevant',
  "Just got to love burning your self on a damn curling wand... I swear someone needs to take it away from me cuase I'm just accident prone."),
 ('Not Relevant',
  'Not Relevant',
  '#stlouis #caraccidentlawyer Speeding Among Top Causes of Teen Accidents https://t.co/k4zoMOF319 https://t.co/S2kXVM0cBA Car Accident tee\x89Û_'),
 ('Not Relevant', 'Not Relevant', 'I hate badging shit in accident'),
 ('Relevant',
  'Relevant',
  'Reported motor vehicle accident in Curry on Herman Rd near Stephenson involving an overturned vehicle. Please use... http://t.co/YbJezKuRW1'),
 ('Not Relevant', 'Relevant', 'BigRigRadio Live Accident Awareness'),
 ('Relevant',
  'Not Relevant',
  '#3: Car Recorder ZeroEdgeå¨ Dual-lens Car Camera Vehicle Traffic/Driving History/Accident Camcorder  Large Re... http://t.co/kKFaSJv6Cj'),
 ('Relevant',
  'Relevant',
  'I-77 Mile Marker 31 South Mooresville  Iredell Vehicle Accident Ramp Closed at 8/6 1:18 PM'),
 ('Not Relevant',
  'Not Relevant',
  'Coincidence Or #Curse? Still #Unresolved Secrets From Past http://t.co/7VG8Df9pLE #accident'),
 ('Not Relevant',
  'Not Relevant',
  'RT @SleepJunkies: Sleeping pills double your risk of a car accident http://t.co/7s9Nm1fiCT'),
 ('Not Relevant',
  'Not Relevant',
  "'By accident' they knew what was gon happen https://t.co/Ysxun5vCeh"),
 ('Relevant',
  'Relevant',
  '@Traffic_SouthE @roadpol_east Accident on A27 near Lewes is it Kingston Roundabout rather than A283'),
 ('Relevant',
  'Relevant',
  'Traffic accident N CABRILLO HWY/MAGELLAN AV MIR (08/06/15 11:03:58)'),
 ('Relevant',
  'Relevant',
  'I-77 Mile Marker 31 to 40 South Mooresville  Iredell Vehicle Accident Congestion at 8/6 1:18 PM'),
 ('Relevant',
  'Relevant',
  'the pastor was not in the scene of the accident......who was the owner of the range rover ?'),
 ('Not Relevant',
  'Not Relevant',
  '@sakuma_en If you pretend to feel a certain way the feeling can become genuine all by accident. -Hei (Darker than Black) #manga #anime'),
 ('Relevant',
  'Not Relevant',
  'For Legal and Medical Referral Service @1800_Injured Call us at: 1-800-465-87332 #accident #slipandfall #dogbite'),
 ('Not Relevant',
  'Not Relevant',
  "mom: 'we didn't get home as fast as we wished' \nme: 'why is that?'\nmom: 'there was an accident and some truck spilt mayonnaise all over ??????"),
 ('Not Relevant',
  'Relevant',
  "I was in a horrible car accident this past Sunday. I'm finally able to get around. Thank you GOD??"),
 ('Not Relevant',
  'Not Relevant',
  'Can wait to see how pissed Donnie is when I tell him I was in ANOTHER accident??'),
 ('Relevant',
  'Relevant',
  "#TruckCrash Overturns On #FortWorth Interstate http://t.co/Rs22LJ4qFp Click here if you've been in a crash&gt;http://t.co/Ld0unIYw4k"),
 ('Relevant',
  'Relevant',
  'Accident in #Ashville on US 23 SB before SR 752 #traffic http://t.co/hylMo0WgFI'),
 ('Not Relevant',
  'Not Relevant',
  "There's a construction guy working on the Disney store and he has huge gauges in his ears ?? ...that is a bloody accident waiting to happen"),
 ('Not Relevant',
  'Not Relevant',
  "@RobynJilllian @WlSDOMTEETHS I feel like I'm going to do it on accident. Teesha is gonna come out??"),
 ('Relevant',
  'Relevant',
  'On the #M42 northbound between junctions J3 and J3A there are currently delays of 10 mins due to an accident c... http://t.co/LwI3prBa31'),
 ('Not Relevant',
  'Not Relevant',
  '@DaveOshry @Soembie So if I say that I met her by accident this week- would you be super jelly Dave? :p'),
 ('Relevant',
  'Relevant',
  'Carolina accident: Motorcyclist Dies in I-540 Crash With Car That Crossed Median: A motorcycle rider traveling... http://t.co/p18lzRlmy6'),
 ('Relevant',
  'Relevant',
  'ACCIDENT - HIT AND RUN - COLD at 500 BLOCK OF SE VISTA TER GRESHAM OR [Gresham Police #PG15000044357] 10:35 #pdx911'),
 ('Relevant',
  'Relevant',
  'FYI CAD:FYI: ;ACCIDENT PROPERTY DAMAGE;NHS;999 PINER RD/HORNDALE DR'),
 ('Relevant',
  'Relevant',
  'RT nAAYf: First accident in years. Turning onto Chandanee Magu from near MMA. Taxi rammed into me while I was halfway turned. Everyone conf\x89Û_'),
 ('Relevant',
  'Relevant',
  'Accident left lane blocked in #Manchester on Rt 293 NB before Eddy Rd stop and go traffic back to NH-3A delay of 4 mins #traffic'),
 ('Relevant', 'Relevant', ';ACCIDENT PROPERTY DAMAGE; PINER RD/HORNDALE DR'),
 ('Relevant',
  'Not Relevant',
  '???? it was an accident http://t.co/Oia5fxi4gM'),
 ('Relevant',
  'Relevant',
  'FYI CAD:FYI: ;ACCIDENT PROPERTY DAMAGE;WPD;1600 S 17TH ST'),
 ('Relevant',
  'Relevant',
  '8/6/2015@2:09 PM: TRAFFIC ACCIDENT NO INJURY at 2781 WILLIS FOREMAN RD http://t.co/VCkIT6EDEv'),
 ('Relevant',
  'Relevant',
  'Aashiqui Actress Anu Aggarwal On Her Near-Fatal Accident http://t.co/6Otfp31LqW'),
 ('Relevant', 'Relevant', 'Suffield Alberta Accident https://t.co/bPTmlF4P10'),
 ('Relevant',
  'Relevant',
  '9 Mile backup on I-77 South...accident blocking the Right 2 Lanes at Exit 31 Langtree Rd...consider NC 115 or NC 150 to NC 16 as alternate'),
 ('Not Relevant',
  'Not Relevant',
  'Has an accident changed your life? We will help you determine options that can financially support life care plans and on-going treatment.'),
 ('Relevant',
  'Relevant',
  "#BREAKING: there was a deadly motorcycle car accident that happened to #Hagerstown today. I'll have more details at 5 @Your4State. #WHAG"),
 ('Relevant',
  'Not Relevant',
  '@Calum5SOS this happened on accident but I like it http://t.co/QHmXuljSX9'),
 ('Not Relevant',
  'Not Relevant',
  '@flowri were you marinading it or was it an accident?'),
 ('Not Relevant',
  'Not Relevant',
  'Please donate and spread the word! A training accident left the pole-vaulter Kira GrÌ_nberg a paraplegic http://t.co/6MpnyCl8PK'),
 ('Relevant',
  'Relevant',
  "only had a car for not even a week and got in a fucking car accident .. Mfs can't fucking drive ."),
 ('Relevant',
  'Relevant',
  '.@NorwayMFA #Bahrain police had previously died in a road accident they were not killed by explosion https://t.co/gFJfgTodad'),
 ('Not Relevant',
  'Not Relevant',
  'I still have not heard Church Leaders of Kenya coming forward to comment on the accident issue and disciplinary measures#ArrestPastorNganga'),
 ('Not Relevant',
  'Not Relevant',
  '@afterShock_DeLo scuf ps live and the game... cya'),
 ('Not Relevant',
  'Not Relevant',
  'Please like and share our new page for our Indoor Trampoline Park Aftershock opening this fall!! http://t.co/UgXhHErrxS'),
 ('Not Relevant',
  'Not Relevant',
  '@bxckylynch foi no ROH Aftershock: Las Vegas procura no pirate bay que tem'),
 ('Not Relevant',
  'Not Relevant',
  "'The man who can drive himself further once the effort gets painful is the man who will win.' \nRoger Bannister"),
 ('Not Relevant',
  'Not Relevant',
  'Schoolboy \x89ÛÒ Aftershock (Original Mix)\nExcision &amp; Skism \x89ÛÒ SEXisM (Far Too Loud Remix)\nFirebeatz Schella \x89ÛÒ Dear New... http://t.co/JQLzUA6YzQ'),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/yNXnvVKCDA | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/weQPesENku'),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/THyzOMVWU0 | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/83jOO0xk29'),
 ('Not Relevant',
  'Not Relevant',
  "'There is no victory at bargain basement prices.' Dwight David Eisenhower"),
 ('Relevant',
  'Relevant',
  "'When the aftershock happened (Nepal) we were the last int'l team still there; in a way we were 1st responders.' Chief Collins @LACo_FD"),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/gRPeF7yAWG | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/GGmvzT58vE'),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/vAM5POdGyw | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/zEVakJaPcz'),
 ('Not Relevant',
  'Not Relevant',
  "'Nobody remembers who came in second.' Charles Schulz"),
 ('Not Relevant',
  'Not Relevant',
  '@afterShock_DeLo im speaking from someone that is using a scuf on xb1 most of them people will end up getting on for ps also.'),
 ('Not Relevant',
  'Not Relevant',
  "'The harder the conflict the more glorious the triumph.' Thomas Paine"),
 ('Not Relevant',
  'Not Relevant',
  "#GrowingUpSpoiled going clay pigeon shooting and crying because of the 'aftershock'"),
 ('Not Relevant',
  'Not Relevant',
  'So i guess no one actually wants any free Aftershock TC.....'),
 ('Not Relevant',
  'Not Relevant',
  "Aftershock was the most terrifying best roller coaster I've ever been on. *DISCLAIMER* I've been on very few."),
 ('Not Relevant', 'Not Relevant', 'Aftershock https://t.co/xMWODFMtUI'),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/M4JDZMGJoW | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/n0uhAsfkBv'),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/vAM5POdGyw | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/zEVakJaPcz'),
 ('Not Relevant',
  'Not Relevant',
  "Stop saying 'I Wish' and start saying 'I Will'. \x89ÛÒ Unknown"),
 ('Not Relevant',
  'Not Relevant',
  "I want to go to Aftershock in October because it has all the bands I listen to and #NXT! Can't afford it yet though. #gradschoolapps"),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/e14EPzhotH | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/22a9D5DO6q'),
 ('Relevant',
  'Relevant',
  "'We are still living in the aftershock of Hiroshima people are still the scars of history.' - Edward Bond http://t.co/engTl5wrGp"),
 ('Not Relevant',
  'Not Relevant',
  "@KJForDays I'm seeing them and Issues at aftershock ??"),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/THyzOMVWU0 | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/83jOO0xk29'),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/THyzOMVWU0 | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/83jOO0xk29'),
 ('Not Relevant',
  'Not Relevant',
  '#WisdomWed BONUS - 5 Minute Daily Habits that could really improve your life. How many do you already do? #lifehacks http://t.co/TBm9FQb8cW'),
 ('Not Relevant',
  'Not Relevant',
  'Aftershock: Protect Yourself and Profit in the Next Global Financial Meltdown by David Wiedemer http http://t.co/WZTz4hgMVq'),
 ('Not Relevant',
  'Not Relevant',
  'That moment when you get on a scary roller coaster and the guy behind you is just screaming bloody murder ?????? #silverwood #aftershock'),
 ('Not Relevant',
  'Not Relevant',
  'Aftershock \x89㢠(2010) Full\x89㢠Streaming - YouTube http://t.co/vVE3UsesGf'),
 ('Not Relevant',
  'Not Relevant',
  '320 [IR] ICEMOON [AFTERSHOCK] | http://t.co/THyzOMVWU0 | @djicemoon | #Dubstep #TrapMusic #DnB #EDM #Dance #Ices\x89Û_ http://t.co/83jOO0xk29'),
 ('Not Relevant',
  'Not Relevant',
  '&gt;&gt; $15 Aftershock : Protect Yourself and Profit in the Next Global Financial... ##book http://t.co/f6ntUc734Z\n@esquireattire'),
 ('Not Relevant', 'Not Relevant', 'Aftershock https://t.co/Ecy4U623nO'),
 ('Not Relevant',
  'Not Relevant',
  "Sometimes you face difficulties not because you're doing something wrong but because you're doing something right. - Joel Osteen"),
 ('Not Relevant',
  'Not Relevant',
  "'There is no victory at bargain basement prices.' Dwight David Eisenhower"),
 ('Not Relevant',
  'Not Relevant',
  "'The only thing that stands between you and your dream is the will to try and the belief that it is actually possible.' - Joel Brown"),
 ('Not Relevant',
  'Not Relevant',
  'Praise God that we have ministry that tells it like it is!!! #now #wdyouth #biblestudy https://t.co/UjK0e5GBcC'),
 ('Not Relevant',
  'Not Relevant',
  "'Remembering that you are going to die is the best way I know to avoid the trap of thinking you have something to lose.' \x89ÛÒ Steve Jobs"),
 ('Not Relevant',
  'Not Relevant',
  'Tried orange aftershock today. My life will never be the same'),
 ('Not Relevant',
  'Not Relevant',
  'Bo2 had by far the best competitive maps imo hope bo3 is the same #InVahnWeTrust'),
 ('Not Relevant', 'Not Relevant', '@OnFireAnders I love you bb'),
 ('Not Relevant',
  'Not Relevant',
  'Brass and Copper in Cataclysm &amp; AfterShock!!! http://t.co/uxYZyaygTy'),
 ('Not Relevant',
  'Not Relevant',
  "@JadeForMKX You should be happy I don't use Aftershock. That variation counters your play style hard."),
 ('Not Relevant', 'Not Relevant', 'Aftershock https://t.co/jV8ppKhJY7'),
 ('Not Relevant',
  'Not Relevant',
  'Aftershock back to school kick off was great. I want to thank everyone for making it possible. What a great night.'),
 ('Not Relevant', 'Not Relevant', 'Aftershock https://t.co/38Nhq9moEf'),
 ('Not Relevant',
  'Not Relevant',
  'People who say it cannot be done should not interrupt those who are doing it. \x89ÛÒ George Bernard Shaw'),
 ('Not Relevant',
  'Not Relevant',
  "'The first man gets the oyster the second man gets the shell.' Andrew Carnegie"),
 ('Not Relevant',
  'Not Relevant',
  'Anyone need a P/U tonight? I play Hybrid Slayer ps4 EU. HMU @Cod8sandscrims @EmpirikGaming @CoDAWScrims @4TP_KOTC @4TPFA @afterShock_Org'),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island: French air accident experts o... http://t.co/YVVPznZmXg #news'),
 ('Relevant',
  'Relevant',
  'Strict liability in the context of an airplane accident: Pilot error is a common component of most aviation cr... http://t.co/6CZ3bOhRd4'),
 ('Relevant',
  'Not Relevant',
  '@crobscarla your lifetime odds of dying from an airplane accident are 1 in 8015.'),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island: French air accident experts on Wedn... http://t.co/bKpFpOGySI'),
 ('Relevant',
  'Relevant',
  'When carelessness leads to an aviation accident the victim has the right to seek compensation for damages. http://t.co/eqAG6rz1vO'),
 ('Relevant',
  'Relevant',
  "@AlexAllTimeLow awwww they're on an airplane accident and they're gonna die what a cuties ???? good job!"),
 ('Not Relevant',
  'Relevant',
  '@rewind_music found out about you guys today(regarding the accident on the airplane lol) &amp; became a fan! Sending love &amp; support from Cali~?'),
 ('Relevant',
  'Relevant',
  'family members of osama bin laden have died in an airplane accident how ironic ?????? mhmmm gov shit i suspect'),
 ('Relevant',
  'Relevant',
  'Man Goes into Airplane Engine Accident: http://t.co/TYJxrFd3St via @YouTube'),
 ('Relevant',
  'Relevant',
  'Horrible Accident  Man Died In Wings of Airplane (29-07-2015) http://t.co/i7kZtevb2v'),
 ('Relevant',
  'Relevant',
  'A girl who died in an airplane accident fifteen years ago'),
 ('Relevant',
  'Relevant',
  '@Mintechan Hihow are you? There is Keio line on the stationright? BTW do you know the airplane accident near Chofu airport this week?'),
 ('Relevant',
  'Relevant',
  'A Cessna airplane accident in Ocampo Coahuila Mexico on July 29 2015 killed four men including a State of Coahuila government official.'),
 ('Relevant',
  'Relevant',
  '#Horrible #Accident Man Died In Wings Airplane (29-07-2015) #WatchTheVideo http://t.co/p64xRVgJIk'),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island http://t.co/LsMx2vwr3J French air accident experts on Wednesday\x89Û_'),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island: French air accident experts on Wednesday began examining t...'),
 ('Relevant',
  'Relevant',
  "#KCA #VoteJKT48ID mbataweel: #RIP #BINLADEN Family members who killed in an airplane's accident"),
 ('Not Relevant',
  'Not Relevant',
  'I almost sent my coworker nudes on accident thank god for airplane mode'),
 ('Relevant',
  'Relevant',
  'Mexican airplane accident in Ocampo Coahuila MX on 7/29/25 killed Coahuila government SubSecretariat Francisco Garcia Castells age 42.'),
 ('Relevant',
  'Not Relevant',
  "@mickinyman @TheAtlantic That or they might be killed in an airplane accident in the night a car wreck! Politics at it's best."),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island: French air accident experts on... http://t.co/TagZbcXFj0 #MLB'),
 ('Relevant',
  'Relevant',
  'Horrible Accident  Man Died In Wings of AirplaneåÊ(29-07-2015) http://t.co/5ZRKZdhODe'),
 ('Relevant',
  'Relevant',
  'This is unbelievably insane.\n#man #airport #airplane #aircraft #aeroplane #runway #accident #freaky\x89Û_ https://t.co/cezhq7CzLl'),
 ('Relevant',
  'Relevant',
  'Horrible Accident |  Man Died In Wings of AirplaneåÊ(29-07-2015) http://t.co/wq3wJsgPHL'),
 ('Relevant',
  'Relevant',
  'Horrible Accident Man Died In Wings of Airplane (29-07-2015) http://t.co/TfcdRONRA6'),
 ('Relevant',
  'Relevant',
  'Usama bin Ladins family dead in airplane crash. Naturally no accident.'),
 ('Relevant',
  'Relevant',
  'Pilot Dies In Plane Crash At Car Festival https://t.co/kQ9aE6AP2B via @YouTube #Crash #Aircraft #Airplane #Pilot #Death #Accident #CarFest'),
 ('Not Relevant',
  'Not Relevant',
  '@god if an accident were to happen on this airplane idc if the rest of my luggage is completely destroyed just please save my makeup'),
 ('Relevant',
  'Relevant',
  'Horrible Accident Man Died In Wings of Airplane (29-07-2015) http://t.co/hG8u2kR1Rq'),
 ('Relevant',
  'Relevant',
  'Strict liability in the context of an airplane accident - http://t.co/gibyQHhKpk'),
 ('Relevant',
  'Relevant',
  'DTN Brazil: Experts in France begin examining airplane debris found on Reunion Island: French air accident exp... http://t.co/M9IG3WQ8Lq'),
 ('Relevant',
  'Relevant',
  '#UPDATE: Picture from the Penn Twp. airplane accident. http://t.co/6JfgDnZRlC'),
 ('Relevant',
  'Relevant',
  'See how a judge ruled in this 2009 accident at #JFK Airport? involving Korean Air?.\n\nhttp://t.co/Yh1cGlN3rl http://t.co/6F5ShPKjOB'),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island: French air accident experts on Wedn... http://t.co/v4SMAESLK5'),
 ('Not Relevant',
  'Not Relevant',
  '@thugIauren I had myself on airplane mode by accident ??'),
 ('Relevant',
  'Relevant',
  'Horrible Accident Man Died In Wings Of \x89ÛÏAirplane\x89Û\x9d 29-07-2015. WTF You Can\x89Ûªt Believe Your EYES \x89ÛÒ... http://t.co/6fFyLAjWpS'),
 ('Relevant',
  'Relevant',
  "+ Nicole Fletcher one of a victim of crashed airplane few times ago. \n\nThe accident left a little bit trauma for her. Although she's \n\n+"),
 ('Relevant',
  'Relevant',
  '36 years ago today baseball lost one of its greats in an airplane accident. RIP Captain. #Yankees @yankees http://t.co/iNKU28vjJj'),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island: French air accident experts on Wedn... http://t.co/miw2i0pQxz'),
 ('Relevant',
  'Relevant',
  'OMG Horrible Accident Man Died in Wings of Airplane. http://t.co/xDxDPrcPnS'),
 ('Relevant',
  'Relevant',
  '#BreakingNews Experts in France begin examining airplane debris found on Reunion Island: French air accident e...  http://t.co/3XIcUvlvlJ'),
 ('Relevant',
  'Relevant',
  "#OMG! I don't believe this. #RIP bro\n#AirPlane #Accident #JetEngine #TurboJet #Boing #G90 http://t.co/KXxnSZp6nk"),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island: French air accident experts on Wednesday began examining t...'),
 ('Relevant',
  'Relevant',
  'Experts in France begin examining airplane debris found on Reunion Island: French air accident experts on Wedn...  http://t.co/KuBsM16OuD'),
 ('Not Relevant', 'Relevant', 'I had a airplane accident.'),
 ('Not Relevant',
  'Not Relevant',
  'My phone looks like it was in a car ship airplane accident. Terrible'),
 ('Not Relevant',
  'Not Relevant',
  "Statistically I'm at more of risk of getting killed by a cop than I am of dying in an airplane accident."),
 ('Relevant',
  'Relevant',
  'airplane crashes on house in Colombia 12 people die in accident https://t.co/ZhJlfLBHZL'),
 ('Relevant',
  'Relevant',
  'The shooting or the airplane accident  https://t.co/iECc1JDOub'),
 ('Relevant',
  'Relevant',
  'Could a drone cause an airplane accident? Pilots worried about use of drones esp. in close vicinity of airports http://t.co/kz35rGngJF #'),
 ('Not Relevant',
  'Relevant',
  'Early wake up call from my sister begging me to come over &amp; ride w/her in the ambulance to the hospital #RODKiai'),
 ('Relevant',
  'Relevant',
  'http://t.co/AY6zzcUpnz Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/sC9dNS41Mc'),
 ('Relevant',
  'Relevant',
  'Two air ambulances on scene of serious crash between two cars and lorry in ... - http://t.co/9pFEaQeSki http://t.co/fntG70rnkx | #EMSNe\x89Û_'),
 ('Relevant',
  'Relevant',
  'Twelve feared killed in Pakistani air ambulance helicopter crash - Reuters http://t.co/mDnUGVuBwN #yugvani'),
 ('Relevant',
  'Relevant',
  'Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/zdsug0UjS7'),
 ('Not Relevant',
  'Not Relevant',
  'Leading emergency services boss welcomes new ambulance charity http://t.co/Mj2jQ2pSv6'),
 ('Relevant',
  'Relevant',
  "Anyone travelling Aberystwyth-Shrewsbury right now there's been an incident. Services at a halt just outside Shrews. Ambulance on scene."),
 ('Relevant',
  'Relevant',
  'Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/Xum8YLcb4Q'),
 ('Not Relevant',
  'Not Relevant',
  'AMBULANCE SPRINTER AUTOMATIC FRONTLINE VEHICLE CHOICE OF 14 LEZ COMPLIANT | eBay http://t.co/4evTTqPEia'),
 ('Not Relevant',
  'Not Relevant',
  "http://t.co/Q5XTkaKM08 I'M DYING SEND AN AMBULANCE @M__Belly @brightasastar_"),
 ('Not Relevant',
  'Not Relevant',
  'New Nanotech Device Will Be Able To Target And Destroy Blood Clots http://t.co/HFy5V3sLBB'),
 ('Not Relevant',
  'Relevant',
  'AMBULANCE SPRINTER AUTOMATIC FRONTLINE VEHICLE CHOICE OF 14 LEZ COMPLIANT | eBay http://t.co/7X3PDDbT0Z'),
 ('Relevant',
  'Relevant',
  '@20skyhawkmm20 @traplord_29 @FREDOSANTANA300 @LilReese300 it was hella crazy 3 fights an ambulance and a couple mosh pits ??'),
 ('Not Relevant',
  'Not Relevant',
  "@disneyxrowbrina the ambulance isn't even parked well like its nearly on top of someone's car I'm laughing"),
 ('Not Relevant',
  'Not Relevant',
  'If I get run over by an ambulance am I lucky? #justsaying #randomthought'),
 ('Relevant',
  'Relevant',
  '#news Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/bFeS5tWBzt #til_now #DNA'),
 ('Relevant',
  'Relevant',
  'http://t.co/7xGLah10zL Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/THmblAATzP'),
 ('Not Relevant', 'Not Relevant', '@TanSlash waiting for an ambulance'),
 ('Not Relevant',
  'Not Relevant',
  '@fouseyTUBE you ok? Need a ambulance. Hahahah that was good! http://t.co/ZSbErqNN9n'),
 ('Not Relevant',
  'Not Relevant',
  'AMBULANCE SPRINTER AUTOMATIC FRONTLINE VEHICLE CHOICE OF 14 LEZ COMPLIANT | eBay http://t.co/q8IVrzOJZv'),
 ('Relevant',
  'Relevant',
  'Pakistan air ambulance helicopter crash kills nine http://t.co/8E7rY8eBMf'),
 ('Not Relevant',
  'Not Relevant',
  '@TheNissonian @RejectdCartoons nissan are you ok do you need medical assistance i can call an ambulance if you need me to'),
 ('Not Relevant',
  'Not Relevant',
  'EMS1: NY EMTs petition for $17 per hour \x89Û÷minimum wage\x89Ûª http://t.co/4oa6SWlxmR #ems #paramedics #ambulance'),
 ('Relevant',
  'Relevant',
  'http://t.co/FCqmKFfflW Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/vAyaYmbNgu'),
 ('Relevant',
  'Relevant',
  'Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/3bRme6Sn4t'),
 ('Not Relevant',
  'Not Relevant',
  'AMBULANCE SPRINTER AUTOMATIC FRONTLINE VEHICLE CHOICE OF 14 LEZ COMPLIANT | eBay http://t.co/UJrX9kgawp'),
 ('Not Relevant',
  'Not Relevant',
  'AMBULANCE SPRINTER AUTOMATIC FRONTLINE VEHICLE CHOICE OF 14 LEZ COMPLIANT | eBay http://t.co/Kp2Lf4AuTe'),
 ('Not Relevant',
  'Not Relevant',
  "@Kiwi_Karyn Check out what's in my parking lot!! He said that until last year it was an ambulance in St Johns. http://t.co/hPvOdUD7iP"),
 ('Not Relevant',
  'Relevant',
  "when you don't know which way an ambulance is coming from &lt;&lt;"),
 ('Relevant',
  'Relevant',
  'Shot 12 times. Found dead in cuffs after being involved in a car accident. Officers told ambulance not to treat him. https://t.co/MEUDJwaaNg'),
 ('Relevant',
  'Relevant',
  '#reuters Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/ShzPyIQok5'),
 ('Relevant',
  'Relevant',
  'http://t.co/pWwpUm6RBj Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/ySpON4d6Qo'),
 ('Not Relevant',
  'Not Relevant',
  "@margaretcho Call me a fag and I'm going to call you an ambulance :) #RainbowPower"),
 ('Not Relevant',
  "Can't Decide",
  'Why is there an ambulance right outside my work'),
 ('Not Relevant',
  'Not Relevant',
  "\x89ÛÏ@LeoBlakeCarter: This dog thinks he's an ambulance ?????? http://t.co/MG1lpGr0RM\x89Û\x9d@natasha_rideout"),
 ('Not Relevant',
  'Not Relevant',
  'HAPPENING NOW - HATZOLAH EMS AMBULANCE RESPONDING WITH DUAL SIRENS AND\x89Û_ https://t.co/SeK6MQ6NJF'),
 ('Not Relevant',
  'Relevant',
  'New Nanotech Device Will Be Able To Target And Destroy Blood Clots http://t.co/MnmyJXQ9go #science'),
 ('Relevant',
  'Relevant',
  'http://t.co/FueRk0gWui Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/Mv7GgGlmVc'),
 ('Not Relevant',
  'Not Relevant',
  "@vballplaya2296 want me to send you  some medic supplies from my dad's ambulance?"),
 ('Relevant',
  'Relevant',
  'http://t.co/X5YEUYLT1X Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/2UgrMd1z1n'),
 ('Not Relevant',
  'Relevant',
  '2 held with heroin in ambulance http://t.co/d9sOwi1G21 http://t.co/OPxmdPIwAu'),
 ('Relevant',
  'Relevant',
  'Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/TH9YwBbeet #worldNews'),
 ('Relevant',
  'Relevant',
  'http://t.co/B2FaSrt1tN Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/O8BJXnEPQm'),
 ('Relevant',
  'Relevant',
  'Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/X2Qsjod40u #worldnews'),
 ('Not Relevant',
  'Not Relevant',
  "What's the police or ambulance number in Lesotho? Any body know?"),
 ('Not Relevant',
  'Not Relevant',
  '@medic914 @AACE_org I am surprised we still cannot standardised the clinical practice across the 11 NHS ambulance trust.'),
 ('Not Relevant',
  'Relevant',
  'Why should a helicopter ambulance ride to transfer to a hospital 21 miles away cost $29800? http://t.co/7ZqIreY7Te http://t.co/9Qp3PqPwZv'),
 ('Relevant',
  'Relevant',
  'http://t.co/J8TYT1XRRK Twelve feared killed in Pakistani air ambulance helicopter crash http://t.co/9d4nAzOI94'),
 ('Not Relevant',
  'Not Relevant',
  'People who try to j-walk while an ambulance is passing... I hate you.'),
 ('Not Relevant',
  'Not Relevant',
  'so privileged and proud to wear this uniform.?? #NHS #Ambulance #GayUK #Uniform #Proud #Privileged #WhatsYourEmergency http://t.co/0BkmuhYSFx'),
 ('Not Relevant',
  'Not Relevant',
  'The episode where Trunks annihilated Freiza is the cleanest shit ever. He showed that nigga no mercy.'),
 ('Not Relevant',
  'Not Relevant',
  'THEY SHALL BE ANNIHILATED AND ALL OF THEIR PETEBESTS DESSICATED AND LAID BARE. THEN YOU SHALL KNEEL BEFORE ME.'),
 ('Not Relevant',
  'Not Relevant',
  'Uribe just annihilated that baseball. #Mets'),
 ('Not Relevant',
  'Not Relevant',
  '@marksmaponyane Hey!Sundowns were annihilated in their previous meeting with Celtic.Indeed its an improvement.'),
 ('Not Relevant',
  'Not Relevant',
  'The bartender at work described a drunk man as annihilated @kdunning1919 @hsnowberger @gabrielasmith29. 16 more days'),
 ('Not Relevant',
  'Not Relevant',
  "@Volfan326 @TNeazzy Mizzou has annihilated florida the past 2 seasons even ended muschamp's career just can't compete with Bama"),
 ('Not Relevant', 'Relevant', 'Annihilated Abs . ?? http://t.co/1xPw292tJe'),
 ('Not Relevant',
  'Not Relevant',
  'Be annihilated for status education mba on behalf of a on easy street careen: eOvm http://t.co/e0pI0c54FF'),
 ('Relevant',
  'Relevant',
  'Cop pulls drunk driver to safety SECONDS before his car is hit by train. http://t.co/cTL5xzIHxAåÊ http://t.co/1kDOZTD9mv via @ViralSpell'),
 ('Relevant',
  'Relevant',
  'Cop pulls drunk driver to safety SECONDS before his car is hit by train. http://t.co/cSsc8HcsXnåÊ http://t.co/jBlGyLCsAy via @ViralSpell'),
 ('Not Relevant',
  'Not Relevant',
  '@RosieGray Now in all sincerety do you think the UN would move to Israel if there was a fraction of a chance of being annihilated?'),
 ('Not Relevant',
  'Not Relevant',
  '*to Luka* They should all die! All of them! Everything annihilated! - Alois Trancy'),
 ('Not Relevant',
  'Relevant',
  "@johnboywest The only 'stage' the drama queen can stand on is a drama stage &amp; certainly never the world stage; he would be annihilated."),
 ('Not Relevant',
  'Not Relevant',
  "@ACarewornHeart Have a good un fella sorry I won't be there to get annihilated with you :("),
 ('Relevant',
  'Relevant',
  'Cop pulls drunk driver to safety SECONDS before his car is hit by train. http://t.co/tHrhKHOGcUåÊ http://t.co/tZSZmF2qxE via @ViralSpell'),
 ('Not Relevant',
  'Not Relevant',
  '@_drodrolagi #handplacementgoals \nBro we annihilated that hashtag this week.'),
 ('Not Relevant', 'Not Relevant', 'You must be annihilated!'),
 ('Relevant',
  'Relevant',
  'Cop pulls drunk driver to safety SECONDS before his car is hit by train. http://t.co/C0nKGp6w03åÊ http://t.co/IMWmfDJSSn via @ViralSpell'),
 ('Not Relevant',
  'Not Relevant',
  'BOOM! Your country was just entirely annihilated by a h\x89Û_ \x89ÛÓ Britain https://t.co/IrFCn71sZv'),
 ('Not Relevant',
  'Not Relevant',
  '@AmirKingKhan you would have been annihilated so you might as well thank @FloydMayweather'),
 ('Not Relevant',
  'Not Relevant',
  'One thing for sure-God has promised Israel will not be annihilated. But...the horror of Iran w/nukes. https://t.co/xn09Mx6sxy'),
 ('Not Relevant',
  'Not Relevant',
  'How do I step outside for 5 seconds and get annihilated  by mosquitoes?'),
 ('Not Relevant',
  'Relevant',
  "@violentfeminazi I guess that's ok for Armenians since we've spent most of our history getting annihilated"),
 ('Not Relevant',
  'Not Relevant',
  '@jacksfilms #yiayplan well first we strike dreamworks and the minions will be annihilated.'),
 ('Relevant',
  'Relevant',
  '70 years since we annihilated 100000 people instantly and became aware that we have the ability to annihilate the whole of humanity'),
 ('Not Relevant',
  'Not Relevant',
  'day 1 of tryouts went good minus the fact I stopped quickly to get a short ball and Annihilated my toenail injury even more'),
 ('Not Relevant',
  'Relevant',
  'During the 1960s the oryx a symbol of the Arabian Peninsula were annihilated by hunters. \nhttp://t.co/yangEQBUQW http://t.co/jQ2eH5KGLt'),
 ('Not Relevant',
  'Not Relevant',
  "'If your nature appropriates it love will burn you until you become annihilated in your beloved...'  https://t.co/sMlwjunD09"),
 ('Not Relevant',
  'Not Relevant',
  "@NinaHoag - 'if you shred my Psych work our friendship would be annihilated'"),
 ('Relevant',
  'Relevant',
  '@thehill this is 1 example of y the Conservatives annihilated Burton v Wiimington Prkng Auth while Liberals stood by &amp;have done nothing'),
 ('Not Relevant',
  'Relevant',
  "Aug 3 1915\x89ÛÓKAISERJAEGERS WIPED OUT.; Francis Joseph's Crack Regiment Annihilated on Carso Plateau.\nhttp://t.co/D1sPSwl66H"),
 ('Not Relevant',
  'Not Relevant',
  "(To Luka) 'They should all die! All of them! Everything annihilated!' - Alois Trancy -"),
 ('Not Relevant', 'Relevant', 'Ready to get annihilated for the BUCS game'),
 ('Not Relevant',
  'Relevant',
  "@PhilipDuncan @breakfastone People 'annihilated by last nights weather'... Really Philip thought you would have forecast that..."),
 ('Not Relevant',
  'Not Relevant',
  'Domain other sophistication be annihilated closely up-to-the-minute feat: ZrNf'),
 ('Not Relevant',
  'Not Relevant',
  '@stormbeard @steel_lord I seen Judas Priest in 2005 when Rob came back; Scorpions as support. Fucking annihilated the place. Astonishing gig'),
 ('Not Relevant',
  'Not Relevant',
  "Officially skipping out on #FantasticFour/#Fant4stic/whatever the hashtag is. It's getting ANNIHILATED in reviews. Bummer."),
 ('Not Relevant',
  'Relevant',
  'They should all die! All of them! Everything annihilated!'),
 ('Not Relevant',
  'Relevant',
  '@TomcatArts thus explaining why you were all annihilated. But the few or in this case you the only survivor evolved and became godlike'),
 ('Not Relevant',
  'Not Relevant',
  'just completely annihilated cech with paul keegan what a time to be alive'),
 ('Not Relevant',
  'Not Relevant',
  "@TomcatArts 'who then were annihilated by the legion itself. The survivors of the imperfect hybrid project quickly formed a new secret cell"),
 ('Not Relevant',
  'Not Relevant',
  "@SirBrandonKnt exactly. That's why the lesnar/cena match from summerslam last year was so great because Brock annihilated a guy who's"),
 ('Relevant',
  'Relevant',
  'Cop pulls drunk driver to safety SECONDS before his car is hit by train. http://t.co/F1BAkpNyn6åÊ http://t.co/lZXwoAyE4x via @ViralSpell'),
 ('Not Relevant',
  'Not Relevant',
  'BROOO HE JUST GOT ANNIHILATED https://t.co/UR7QkqG1wf'),
 ('Not Relevant',
  'Relevant',
  'ANNIHILATED IN DAMASCUS: SYRIAN ARMY GRINDS \x89Û÷ALLOOSH AND HIS GANG INTO THE MANURE PILE\nhttp://t.co/7rakhP3bWm'),
 ('Not Relevant',
  'Not Relevant',
  "@thatdes ok i wasn't completely forthright i may have also been in a food coma bc of the kebab/tahini/pickles i also annihilated w/fries"),
 ('Not Relevant',
  'Not Relevant',
  '@AlbertBreer he was probably annihilated needed his DD'),
 ('Not Relevant',
  'Not Relevant',
  '$GMCR no longe rGreen mountain now Red Mountain...stock annihilated after hours'),
 ('Not Relevant',
  'Not Relevant',
  'A fun filled happy-hour at Simmons bar in Camden with this handsome one ?? (I got annihilated apart from this game) http://t.co/4JNo677Zkv'),
 ('Not Relevant',
  'Not Relevant',
  'Juanny Beisbol Sr. Annihilated that ball. #LGM'),
 ('Not Relevant',
  'Relevant',
  '@rvfriedmann Hell is just a fraction of his belief of total annihilation destruction of USA @LodiSilverado @ritzy_jewels'),
 ('Not Relevant',
  'Not Relevant',
  "@POTUS Maybe we should call Israel and tell them we're sorry are Pres has sold them down the river to annihilation."),
 ('Not Relevant',
  'Not Relevant',
  'Evildead - Annihilation of Civilization http://t.co/sPfkE5Kqu4'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... http://t.co/6LoJOoROuk via @Change'),
 ('Not Relevant',
  'Relevant',
  'Please sign &amp; RT to save #SaltRiverWildHorses http://t.co/GB8ispiaRP http://t.co/Bx0l87iNc8'),
 ('Not Relevant',
  'Not Relevant',
  'Allied Plans for the Annihilation of the German People http://t.co/RUHxGlo18q\nhttp://t.co/HbUpkzWdWq\nLouis Nizer - Very interesting...'),
 ('Not Relevant', 'Relevant', 'annihilating quarterstaff of annihilation'),
 ('Not Relevant',
  'Not Relevant',
  'World Annihilation vs Self Transformation http://t.co/pyehwodWun Aliens Attack to Exterminate Humans http://t.co/pB2N77nSKz'),
 ('Not Relevant',
  'Relevant',
  ':StarMade: :Stardate 3: :Planetary Annihilation:: http://t.co/I2hHvIUmTm via @YouTube'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/m8MvDSPJp7 via @Change'),
 ('Not Relevant',
  'Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/sW1sBua3mN via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'Please share and sign this petition to save wild horses in Arizona. http://t.co/3tsSXPHuFE'),
 ('Not Relevant',
  'Not Relevant',
  '@KimKardashian can you please sign and share this petition to save wild horses in Arizona. http://t.co/3tsSXPHuFE ????'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/lATVr8RZCK via @Change'),
 ('Not Relevant',
  'Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... http://t.co/KPQk0C4G0M via @Change'),
 ('Not Relevant',
  'Not Relevant',
  '@TheEllenShow Please check into Salt River horses help stop the annihilation about to happen without 54000 more signatures.change .org Thx'),
 ('Not Relevant',
  'Not Relevant',
  'NEW! Are souls punished with annihilation? http://t.co/cmNV6VyFCQ'),
 ('Not Relevant',
  'Not Relevant',
  'Are souls punished withåÊannihilation? http://t.co/c1QXJWeQQU http://t.co/Zhp0SOwXRy'),
 ('Not Relevant',
  'Relevant',
  '@CalFreedomMom @steph93065 not to mention a major contributor to the annihilation of Israel'),
 ('Not Relevant',
  'Relevant',
  '@willienelson We need help! Horses will die!Please RT &amp; sign petition!Take a stand &amp; be a voice for them! #gilbert23 https://t.co/e8dl1lNCVu'),
 ('Not Relevant',
  'Not Relevant',
  '***Latest Updates on the Salt River Wild Horse Round-up*** https://t.co/WJsCdvCevH via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/W5Rhtuey90 via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'I reject the laws of the misguided false prophets imprison nations fueling self annihilation'),
 ('Not Relevant',
  'Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/ZhXua8kmae via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/MatIJwkzbh via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'The annihilation of Jeb Christie &amp; Kasich is less than 24 hours away..\nPlease God allow me at least one more full day...'),
 ('Not Relevant',
  'Not Relevant',
  '@Barbi_Twins We need help-horses will die! Please RT &amp; sign petition! Take a stand &amp; be a voice for them! #gilbert23 https://t.co/e8dl1lNCVu'),
 ('Not Relevant',
  'Not Relevant',
  '@BosTeenAuthFest Out of the Silent Planet in print and Annihilation on audio.'),
 ('Not Relevant',
  'Relevant',
  'RT SIGN URGENT Stop the Annihilation of the Salt River Wild Horses!!! #savewildhorses #saltriverhorses https://t.co/8AZjFF8eSi'),
 ('Not Relevant',
  'Not Relevant',
  '@Whippenz We need help! Horses will die!Please RT &amp; sign petition!Take a stand &amp; be a voice for them! #gilbert23 https://t.co/e8dl1lNCVu'),
 ('Not Relevant',
  'Not Relevant',
  '@jackienatalydlt I do.... I only get the iced annihilation??'),
 ('Not Relevant',
  'Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/d82wlcP49S via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/KAlDycTC4H via @Change'),
 ('Not Relevant',
  'Not Relevant',
  '@INCIndia under Sonia Gandhi is like Pakistan. Every defeat is treated like a victory.Total annihilation only answer\nhttp://t.co/KtTYiTOw64'),
 ('Not Relevant',
  'Not Relevant',
  'Hey #AZ: Sign this petition to save the #WildHorses @ #TantoNationalForest! A @RollingStones sing-a-long is in order: http://t.co/WM5l8PJ2iY'),
 ('Not Relevant',
  'Relevant',
  'Stop the Annihilation of the Salt River Wild Horses! http://t.co/wVobVVtXKg via @Change'),
 ('Not Relevant',
  'Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... http://t.co/TrKg2tpWJm via @Change'),
 ('Not Relevant',
  'Not Relevant',
  "@SonofBaldwin and he's the current Nova in the bookslast I checked..he was tied into the books in 2011 after Rider died during Annihilation"),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/x2Wn7O2a3w via @Change'),
 ('Not Relevant',
  'Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... http://t.co/k0q4fnBzss via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'Please sign &amp; RT to save #SaltRiverWildHorses http://t.co/IKUAYUSEqt http://t.co/BQBHUyfmE9'),
 ('Not Relevant',
  'Not Relevant',
  'Stop the Annihilation of the Salt River Wild Horses!!! https://t.co/546utTXzAm via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/FLcQQeZnVW via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'THANKS!!!!! @COUNT DANTE.  :)  DO JOIN US BY FOLLOWING THE @ANNIHILATION ZONE.  JOHNNY.'),
 ('Not Relevant',
  'Relevant',
  'World Annihilation vs Self Transformation http://t.co/pyehwodWun Aliens Attack to Exterminate Humans http://t.co/8jxqL8Cv8Z'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/FaXDzI90dY via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/n6VeOjW3S8 via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/0fekgyBY5F via @Change'),
 ('Not Relevant',
  'Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... http://t.co/SB5R7ShcCJ via @Change'),
 ('Not Relevant',
  'Not Relevant',
  'U.S National Park Services Tonto National Forest: Stop the Annihilation of the Salt River Wild Horse... https://t.co/i0z3k0chgg via @Change'),
 ('Not Relevant',
  'Not Relevant',
  "I'm gonna fight Taylor as soon as I get there."),
 ('Not Relevant',
  'Relevant',
  "ohH NO FUKURODANI DIDN'T SURVIVE THE APOCALYPSE BOKUTO FEELS HORRIBLE  my poor boy my ppor child"),
 ('Not Relevant',
  'Not Relevant',
  'will there be another jocelyn birthday apocalypse'),
 ('Not Relevant',
  'Not Relevant',
  '@spherulitic that almost feels like the SI signs of the apocalypse.  Lol.'),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video from @teamtwiistz http://t.co/OCurjyDRcn FUTURISTIC HOUSE (Built To Survive The Apocalypse!) - Minecraft'),
 ('Not Relevant',
  'Not Relevant',
  "RT: janenelson097: RT StephenSCIFI: Adaptation Watch: Charlie Human's APOCALYPSE NOW NOW Optioned for Film #sciencefiction \x89Û_"),
 ('Not Relevant', 'Not Relevant', 'Apocalypse please'),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video http://t.co/jrFjgaAc9F Minecraft: NIGHT LUCKY BLOCK MOD (BOB APOCALYPSE WITHER 2.0 &amp; MORE!) Mod Showcase'),
 ('Relevant',
  'Relevant',
  "Another hour! It's August 05 2015 at 08:02PM Here's Red Rover Zombie Apocalypse 2014! http://t.co/cf9e6TU3g7 #internetradio #collegeradi\x89Û_"),
 ('Not Relevant',
  'Not Relevant',
  "@thomasa56 Just ONE of my major reasons not to live in *Big City*. If RR's *miss 9 meals* ever comes to pass Cue ANY 'Apocalypse' script."),
 ('Not Relevant',
  'Not Relevant',
  '@HoneyBunzGem @primalkitchen I feel like me doing a pull-up is one of the stages of the Apocalypse.'),
 ('Not Relevant',
  'Not Relevant',
  "She's kinda hot played on the radio today. What's next? Disease to all? The apocalypse has started everyone. Be careful."),
 ('Not Relevant',
  'Not Relevant',
  "#AskConnor there's a zombie apocalypse. the item to your right is your weapon. you're either screwed or you're gonna live."),
 ('Not Relevant', 'Not Relevant', "But if it's the apocalypse lol gf m8"),
 ('Not Relevant',
  'Relevant',
  "I know it's a question of interpretation but this is a sign of the apocalypse.  I called it https://t.co/my8q1uWIjn"),
 ('Not Relevant', 'Not Relevant', "It's an apocalypse"),
 ('Not Relevant',
  'Not Relevant',
  'Julie + R is the apocalypse version of Romeo + Juliet #warmbodies'),
 ('Not Relevant', 'Not Relevant', 'the apocalypse is upon us'),
 ('Not Relevant',
  'Not Relevant',
  "@ItsKingRiffYall I'm excited for apocalypse really dig how the x-men franchise is going I like the 'event' theme a lot."),
 ('Not Relevant',
  'Not Relevant',
  'RT: fittscott: Minecraft- NIGHT LUCKY BLOCK MOD (BOB APOCALYPSE WITHER 2.0 &amp; MORE!) Mod Showcase Popularmmos: http://t.co/MuL1J9AEUx vi\x89Û_'),
 ('Not Relevant',
  'Not Relevant',
  "@TMFK_CO sounds like a terrible time. I'll be right there."),
 ('Not Relevant',
  'Relevant',
  'Apocalypse no! Why artists should not go into the #Fukushima exclusion zone \nhttp://t.co/3zqL0qbLUw\n#nuclear #ura'),
 ('Not Relevant',
  'Relevant',
  'And so it begins.. day one of the snow apocalypse'),
 ('Not Relevant',
  'Not Relevant',
  'RT: Our_Mother_Mary: Short Reading\n\nApocalypse 21:1023 \n\nIn the spirit the angel took me to the top of an enormous high mountain and... \x89Û_'),
 ('Not Relevant',
  'Not Relevant',
  'candylit: Imagine sarumi in a zombie apocalypse Fighting back to back Heart to heart conversations over the... http://t.co/xIZkjffF29'),
 ('Not Relevant',
  'Not Relevant',
  'RT: ZONEWolf123: I liked a YouTube video http://t.co/u66kYg11ZD Minecraft: NIGHT LUCKY BLOCK MOD (BOB APOCALYPSE WITHER 2.0 &amp; MORE!) Mo\x89Û_'),
 ('Not Relevant',
  'Not Relevant',
  'Southern Prepper Fiction:Sharecropping the Apocalypse https://t.co/HsleABS1Yr #Apocalyptic #doomsday #prepper #book #reading'),
 ('Not Relevant',
  'Not Relevant',
  "And that's because on my planet it's the lone audience of the apocalypse!"),
 ('Relevant',
  'Relevant',
  "Dad bought a DVD that looks like a science doc on the front but I read the back and it's actually about the impending biblical apocalypse"),
 ('Not Relevant',
  'Not Relevant',
  '@5SOStag honestly he could say an apocalypse is coming and i would be exited hes so enthusiastic about everything'),
 ('Not Relevant',
  'Not Relevant',
  "@alexandrapullin It is indeed. If the apocalypse comes this week I know where I'll be :)"),
 ('Not Relevant',
  'Not Relevant',
  'GO LOOK AT GRIZZLY PEAK RIGHT NOW... It looks like the beginning of an dystopian apocalypse movie'),
 ('Not Relevant',
  'Not Relevant',
  'Also my other nephew is proof that fat babies are going to save us from the apocalypse http://t.co/N5VImOqhBG'),
 ('Not Relevant',
  'Not Relevant',
  "My niece just asked me 'would you be scared if there was an apocalypse here?' ????"),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video http://t.co/2umSxRzot3 Zombie Apocalypse: The Rescue'),
 ('Not Relevant',
  'Not Relevant',
  'I added a video to a @YouTube playlist http://t.co/OCurjyDRcn FUTURISTIC HOUSE (Built To Survive The Apocalypse!) - Minecraft Maps'),
 ('Relevant',
  'Relevant',
  "There's a Storm over Cairo in the latest 'X-Men Apocalypse' set photo https://t.co/fS012trUDG via @YahooTV"),
 ('Not Relevant',
  'Not Relevant',
  '|LIVE NOW| Princes of the Apocalypse:  D&amp;D Encounters #meerkat http://t.co/oY9ES9FVlt'),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video http://t.co/e89GPNEPzT Minecraft: NIGHT LUCKY BLOCK MOD (BOB APOCALYPSE WITHER 2.0 &amp; MORE!) Mod Showcase'),
 ('Not Relevant',
  'Not Relevant',
  'Minecraft- NIGHT LUCKY BLOCK MOD (BOB APOCALYPSE WITHER 2.0 &amp; MORE!) Mod Showcase Popularmmos: http://t.co/TNgYE2FKlv via @YouTube'),
 ('Not Relevant',
  'Not Relevant',
  'Shot Through The Heart XV: You are going to totally give love a bad name with this heart pierc http://t.co/xpFmR368uF http://t.co/ejdHvLKXAf'),
 ('Not Relevant',
  'Not Relevant',
  'RT: Geek_Apocalypse: 4pm GMT :Hesse plays dark souls 2 day 9: http://t.co/TnGPsHNL87 http://t.co/imzLNZLtF5 #etcPB'),
 ('Not Relevant',
  'Not Relevant',
  'I know where to go when the zombies take over!! http://t.co/hUTHXlkyxy'),
 ('Not Relevant',
  'Not Relevant',
  'OMg zombie apocalypse among my students... -___-'),
 ('Relevant',
  'Relevant',
  'The latest from @BryanSinger reveals #Storm is a queen in #Apocalypse @RuPaul @AlexShipppp http://t.co/oQw8Jx6rTs'),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video http://t.co/uJrIaIVqln Minecraft: NIGHT LUCKY BLOCK MOD (BOB APOCALYPSE WITHER 2.0 &amp; MORE!) Mod Showcase'),
 ('Not Relevant', 'Relevant', 'Shadow boxing the apocalypse'),
 ('Not Relevant',
  'Relevant',
  'Short Reading\n\nApocalypse 21:1023 \n\nIn the spirit the angel took me to the top of an enormous high mountain and... http://t.co/v8AfTD9zeZ'),
 ('Not Relevant',
  'Not Relevant',
  "Enjoyed live-action Attack on Titan but every time I see posters I'm reminded how freshly clean and coiffed everyone is in the apocalypse."),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video http://t.co/ki1yKrs9fi Minecraft: NIGHT LUCKY BLOCK MOD (BOB APOCALYPSE WITHER 2.0 &amp; MORE!) Mod Showcase'),
 ('Not Relevant',
  'Not Relevant',
  "#PBBan (Temporary:300) avYsss @'aRmageddon | DO NOT KILL | FLAGS ONLY | Fast XP' for Reason"),
 ('Not Relevant',
  'Not Relevant',
  "#PBBan (Temporary:300) Russaky89 @'aRmageddon | DO NOT KILL | FLAGS ONLY | Fast XP' for Reason"),
 ('Not Relevant',
  'Not Relevant',
  '((OFFICIAL VID)) #DoubleCups &gt;&gt; https://t.co/lfKMTZaEkk &gt;&gt; @TrubGME Prod @THISIZBWRIGHT &gt;&gt; #ARMAGEDDON'),
 ('Not Relevant',
  'Not Relevant',
  'UNIVERSAL ORDER OF ARMAGEDDON http://t.co/3tY4mGm'),
 ('Not Relevant', 'Not Relevant', 'ouvindo Peace Love &amp; Armageddon'),
 ('Not Relevant',
  'Not Relevant',
  "Best movie you've ever seen? - Armageddon  http://t.co/qoUXIgdtbZ"),
 ('Not Relevant',
  'Not Relevant',
  "Bed time. Don't wake me up unless revolution or Armageddon start."),
 ('Not Relevant',
  'Not Relevant',
  'Red Faction: Armageddon  (Microsoft Xbox 360 2011) - Full read by eBay http://t.co/ypbVS1IJya http://t.co/9dFLv6ynqr'),
 ('Not Relevant',
  'Not Relevant',
  '@KatieKatCubs you already know how this shit goes. World Series or Armageddon.'),
 ('Not Relevant',
  'Not Relevant',
  'RT @Ophiuchus2613: #Love #TrueLove #romance lith  #Voodoo #seduction #Astrology #RTRRT #LOTZ 9-11 #apocalypse #Armageddon #1008pla\x89Û_'),
 ('Not Relevant',
  'Not Relevant',
  '//im gonna beat armageddon as Hsu Hao ????\njust got a flawless on my first try'),
 ('Not Relevant',
  'Not Relevant',
  "@ENews Ben Affleck......I know there's a wife/kids and other girls but I can't help it. I've loved him since Armageddon #eonlinechat"),
 ('Not Relevant',
  'Not Relevant',
  "Patent Pending Stream 'Armageddon' EP http://t.co/BOuaJqi3Lf"),
 ('Not Relevant',
  'Not Relevant',
  "'If I'd have had a long coat to hand I'd have worn it. The certainty of armageddon bears a sense of occasion.'"),
 ('Not Relevant',
  'Not Relevant',
  'ARMAGEDDON LONDON  |  http://t.co/CULU2OwIUc'),
 ('Not Relevant',
  'Not Relevant',
  'YOUR PHONE IS SPYING ON YOU! Hidden Back Door NSA Data Mining Software | THE FINANCIAL ARMAGEDDON BLOG http://t.co/qyCw5JJaj1'),
 ('Not Relevant',
  'Relevant',
  "#PBBan (Temporary:300) hyider_ghost2 @'aRmageddon | DO NOT KILL | FLAGS ONLY | Fast XP' for Reason"),
 ('Not Relevant',
  'Not Relevant',
  'RT @RTRRTcoach: #Love #TrueLove #romance lith  #Voodoo #seduction #Astrology #RTRRT #LOTZ 9-11 #apocalypse #Armageddon #1008planet\x89Û_'),
 ('Not Relevant',
  'Not Relevant',
  '@hitchBOT I heard you might rise from the ashes of Armageddon. .go hitchbot ..like the true superstar you are.'),
 ('Not Relevant',
  'Not Relevant',
  "#PBBan (Temporary:300) fighterdena @'aRmageddon | DO NOT KILL | FLAGS ONLY | Fast XP' for Reason"),
 ('Not Relevant',
  'Not Relevant',
  'Photo: Sketch I did based on the A Taste of Armageddon episode of #startrek #tos http://t.co/a2e6dcsk88'),
 ('Not Relevant', 'Relevant', 'Armageddon https://t.co/uCSUDk3q1d'),
 ('Not Relevant',
  'Not Relevant',
  '@AberdeenFC @AberdeenFanPage \n\nGood luck to the ?????? tomorrow night \n\nGet some coefficient points plz \n@Armageddon????'),
 ('Not Relevant', 'Not Relevant', '@paddytomlinson1 ARMAGEDDON'),
 ('Not Relevant',
  'Not Relevant',
  "@RohnertParkDPS You're another one for the history books! (Thank the Justice Department!) And by the way I haven't paid income tax in 20yrs."),
 ('Relevant',
  'Relevant',
  'Vladimir Putin Issues Major Warning But Is It Too Late To Escape Armageddon?\nhttp://t.co/gBxafy1m1C'),
 ('Not Relevant',
  'Not Relevant',
  "God's Kingdom (Heavenly Gov't) will rule over all people on the earth after Armageddon.  http://t.co/8HGcBXUkz0  http://t.co/4kopkCyvTt"),
 ('Not Relevant',
  'Relevant',
  '#Turkey invades #Israel - Halfway to #Armageddon http://t.co/xUOh3sJNXF'),
 ('Not Relevant',
  'Not Relevant',
  'L B #Entertainment lot of 8 #BruceWillis MOVIES #DVD DIE HARD 1 2 12 MONKEYS ARMAGEDDON SIXTH #eBay #Auction http://t.co/CxDJApzXMP'),
 ('Not Relevant',
  'Not Relevant',
  'Let\x89Ûªs talk some more about your goof guild Saunders. Come right up here on stage. https://t.co/hkBxxvd9Iw'),
 ('Not Relevant',
  'Not Relevant',
  "@Karnythia my niece is gaining the ability to stand. I'm getting prepared for toddler apocalypse Armageddon"),
 ('Not Relevant',
  'Not Relevant',
  'Check out #PREPPERS #DOOMSDAY MUST HAVE LIBRARY COLLECTION ON CD #shtf #preppertalk #survival #2A #prepper http://t.co/VPQTGeQLmA via @eBay'),
 ('Relevant',
  'Relevant',
  '@Erker Again?? Eep! Thought of you yesterday when I saw that hella scary hail. #armageddon?'),
 ('Not Relevant',
  'Not Relevant',
  'So the Ahamedis think the Messiah had already come 125 years ago? Where is Armageddon? Where is the Dajaal? Where is Gog &amp; Magog?!'),
 ('Not Relevant',
  'Not Relevant',
  "Sadly How Windows 10 Reveals Microsoft's Ethics Armageddon http://t.co/sTfTjCrjEa"),
 ('Not Relevant',
  'Not Relevant',
  'Armageddon averted by El Patron\n#UltimaLucha'),
 ('Not Relevant',
  'Not Relevant',
  '@samihonkonen If you have the time (23 hours ??) the latest series about WW1 Blueprint for Armageddon is extremely impressive.'),
 ('Not Relevant', 'Not Relevant', 'European Fitba till Christmas  ARMAGEDDON'),
 ('Not Relevant',
  'Not Relevant',
  '#Christians United for #Israel (#CUFI): Jews should convert soon or die by armageddon https://t.co/4aRWwRZPsr #US http://t.co/mkJQ9yfMP8'),
 ('Not Relevant',
  'Not Relevant',
  '(OFFICIAL VID) &gt; #DoubleCups &gt;&gt; https://t.co/lfKMTZaEkk &gt;&gt; @TrubGME Prod @THISIZBWRIGHT &gt;&gt; #ARMAGEDDON                 .'),
 ('Not Relevant',
  'Not Relevant',
  'Tomorrow is the day we start armageddon #preseasonworkouts ????'),
 ('Not Relevant',
  'Not Relevant',
  'Lee does comedy: \x89ÛÏ@LeeJasper: Working class Tories prepare for your Armageddon. #InterestRateRise\x89Û\x9d'),
 ('Not Relevant',
  'Not Relevant',
  "Remember to crowd around the baggage carousel like it's armageddon and the bags are the last remaining food items on earth you animals."),
 ('Not Relevant',
  'Not Relevant',
  '9 Charts Prove Financial Crisis Part 2 Has BEGUN!: The Financial Armageddon Economic Collapse Blog tracks tren... http://t.co/vHCXTvCINr'),
 ('Relevant',
  'Relevant',
  'Paul Craig Roberts \x89ÛÒ Vladimir Putin Issues Major Warning But Is It Too Late To Escape A http://t.co/NVfKzv5FEx #brics #roberts #russia'),
 ('Not Relevant',
  'Not Relevant',
  'Never compromise. not even in the face of armageddon.\n#Watchmen'),
 ('Not Relevant',
  'Not Relevant',
  "@RohnertParkDPS You're on stage now! Right under the lights! Isn't it funny?! Where do you get the goofballs with which you staff your PD?"),
 ('Not Relevant',
  'Not Relevant',
  '**OFFICIAL VID** #TheReal &gt;&gt;&gt; https://t.co/4i0Rjc9RQU &gt;&gt;&gt; @TrubGME &gt;&gt;&gt; #ARMAGEDDON Comin Soon!!'),
 ('Relevant',
  'Relevant',
  '#MustRead: Vladimir #Putin Issues Major Warning But Is It Too Late To Escape Armageddon? by @PCraigRoberts #US #Rus\nhttp://t.co/5GFhfCIjrF'),
 ('Not Relevant',
  'Not Relevant',
  'Well done Celtic Fingers crossed for Aberdeen tomorrow night! \nArmageddon eh.... ??'),
 ('Not Relevant',
  'Not Relevant',
  'Beyonce Is my pick for http://t.co/nnMQlz91o9 Fan Army #Beyhive http://t.co/o91f3cYy0R 77'),
 ('Not Relevant',
  'Not Relevant',
  'You da One \n\n#MTVSummerStar #VideoVeranoMTV  #MTVHottest Britney Spears Lana Del Rey'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1402'),
 ('Not Relevant',
  'Not Relevant',
  '5 Seconds of Summer Is my pick for http://t.co/J6WsePTXgA Fan Army #5SOSFAM http://t.co/qWgIwC9w7Z'),
 ('Not Relevant',
  'Not Relevant',
  'If you build an army of 100 lions and their leader is a dog in any fight the lions will die like a dog.'),
 ('Not Relevant',
  'Not Relevant',
  '22.Beyonce Is my pick for http://t.co/thoYhrHkfJ Fan Army #Beyhive http://t.co/WvJ39a3BGM'),
 ('Not Relevant',
  'Not Relevant',
  '17.Beyonce Is my pick for http://t.co/thoYhrHkfJ Fan Army #Beyhive http://t.co/WvJ39a3BGM'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1411'),
 ('Not Relevant',
  'Not Relevant',
  'Seeing that army of whitewalkers was the very first thing that has slightly intrigued me on GoT so far'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1421'),
 ('Not Relevant',
  'Not Relevant',
  'Build your own kingdom and lead your army to victory! https://youtu.\n\nStart g this friend code: LZKTJNOX http://t.co/zZ0cEwEw64'),
 ('Not Relevant',
  'Not Relevant',
  'SHARK ARMY Black Date Stainless Steel Quartz Men Sport Watch - Full read by eBay http://t.co/k6OzC4wFQd http://t.co/H2ZC4nTdZN'),
 ('Not Relevant',
  'Not Relevant',
  '12.Beyonce Is my pick for http://t.co/thoYhrHkfJ Fan Army #Beyhive http://t.co/WvJ39a3BGM'),
 ('Relevant',
  'Relevant',
  'Salvation Army hosts rally to reconnect fathers with children: The Salvation Army is hosting a back to school rally\x89Û_ http://t.co/rDjpor3AZg'),
 ('Not Relevant',
  'Not Relevant',
  '5 Seconds of Summer Is my pick for http://t.co/EFC3896Qgr Fan Army #5SOSFAM http://t.co/aSpwke1YnK'),
 ('Not Relevant',
  'Not Relevant',
  'Beyonce Is my pick for http://t.co/nnMQlz91o9 Fan Army #Beyhive http://t.co/o91f3cYy0R 67'),
 ('Not Relevant',
  'Not Relevant',
  'Vote for #Directioners vs #Queens in the 5th round of the @Billboard #FanArmyFaceOff http://t.co/Kgtxnnbj7y'),
 ('Not Relevant',
  'Relevant',
  'But if you build an army of 100 dogs and their leader is a lion all dogs will fight like a lion.'),
 ('Not Relevant',
  'Not Relevant',
  "'Show Me a Hero': TV Review http://t.co/KaCCPk85wf http://t.co/NniXodHIGc"),
 ('Relevant',
  'Relevant',
  "VICTORINOX SWISS ARMY DATE WOMEN'S RUBBER MOP WATCH 241487 http://t.co/q6VCJaTfjx http://t.co/m1cpEw7kbh"),
 ('Not Relevant',
  'Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1392'),
 ('Not Relevant',
  'Not Relevant',
  'INFANTRY Mens Lume Dial Army Analog Quartz Wrist Watch Sport Blue Nylon Fabric  - Full rea\x89Û_ http://t.co/hEP9k0XgHb http://t.co/80EBvglmrA'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1441'),
 ('Relevant',
  'Relevant',
  "VICTORINOX SWISS ARMY DATE WOMEN'S RUBBER MOP WATCH 241487 http://t.co/yFy3nkkcoH http://t.co/KNEhVvOHVK"),
 ('Not Relevant',
  'Not Relevant',
  '.: .: .: .: .: .: .: .: .: .: .: .: .: .: .: .: .: .: .: .: .: RT DrAyesha4: #IndiaKoMunTorJawabDo\n\nIndian Army ki\x89Û_ http://t.co/WJLJq3yA4g'),
 ('Not Relevant',
  'Not Relevant',
  '5 Seconds of Summer Is my pick for http://t.co/qcHV3JqOVK Fan Army #5SOSFAM http://t.co/gc0uDfnFgg  ÌÑ1'),
 ('Not Relevant',
  'Not Relevant',
  'Beyonce Is my pick for http://t.co/nnMQlz91o9 Fan Army #Beyhive http://t.co/o91f3cYy0R 78'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1386'),
 ('Not Relevant',
  'Not Relevant',
  'You da One \n\n#MTVSummerStar #VideoVeranoMTV  #MTVHottest Britney Spears Lana Del Rey'),
 ('Not Relevant',
  'Not Relevant',
  'Hope the Salvation Army at least gave you a tax receipt.  https://t.co/Ir9c545rZy'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/y9WvqKGbBI Fan Army #Directioners http://t.co/S5F9FcOmp8'),
 ('Not Relevant',
  'Not Relevant',
  "Stony Jackson is America's last hope as he leads an army of felons thus and army rejects against the army o Satan - http://t.co/0wbEcdMHQo"),
 ('Not Relevant',
  'Not Relevant',
  'WWI WWII JAPANESE ARMY NAVY MILITARY JAPAN LEATHER WATCH WAR MIDO WW1 2 - Full read by eBay http://t.co/F9j3l2Yjl4 http://t.co/mwwWOWCayO'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1431'),
 ('Not Relevant',
  'Not Relevant',
  'Beyonce Is my pick for http://t.co/nnMQlz91o9 Fan Army #Beyhive http://t.co/o91f3cYy0R 72'),
 ('Not Relevant',
  'Not Relevant',
  '7.Beyonce Is my pick for http://t.co/thoYhrHkfJ Fan Army #Beyhive http://t.co/WvJ39a3BGM'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1435'),
 ('Not Relevant',
  'Not Relevant',
  'Beyonce Is my pick for http://t.co/nnMQlz91o9 Fan Army #Beyhive http://t.co/o91f3cYy0R 66'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1415'),
 ('Not Relevant',
  'Not Relevant',
  '6.Beyonce Is my pick for http://t.co/thoYhrHkfJ Fan Army #Beyhive http://t.co/WvJ39a3BGM'),
 ('Not Relevant',
  'Not Relevant',
  'POTUS appoints Brig. Gen. Richard G. Kaiser as member of the Mississippi River Commission. Learn more about the MRC: http://t.co/vdUKcV7YJy'),
 ('Not Relevant',
  'Not Relevant',
  'Check out more data on Upper Wabash reservoirs here on @LouisvilleUSACE site: http://t.co/hqqLQUqZmD'),
 ('Not Relevant',
  'Relevant',
  '@AP what a violent country get the army involved to help control the killings and bring back peace to the poor people.'),
 ('Not Relevant',
  'Not Relevant',
  "ANSWER:\n'Therefore it came to pass that in my sixteenth year I did go forth at the head of an army of the... http://t.co/uuAAsb394n"),
 ('Not Relevant',
  'Not Relevant',
  'WWI WWII JAPANESE ARMY NAVY MILITARY JAPAN LEATHER WATCH WAR MIDO WW1 2 - Full read by eBay http://t.co/QUmcE7W2tY http://t.co/KTKG2sDhHl'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1424'),
 ('Not Relevant',
  'Not Relevant',
  'WWI WWII JAPANESE ARMY NAVY MILITARY JAPAN LEATHER WATCH WAR MIDO WW1 2 - Full read by eBay http://t.co/obfD7e4QcP http://t.co/yAZjE5OwVk'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/q2eBlOKeVE Fan Army #Directioners http://t.co/eNCmhz6y34 x1434'),
 ('Not Relevant',
  'Not Relevant',
  'One Direction Is my pick for http://t.co/iMHFdaOWRd Fan Army #Directioners http://t.co/4fTZJk94Dt'),
 ('Not Relevant',
  'Not Relevant',
  '5 Seconds of Summer Is my pick for http://t.co/qcHV3JqOVK Fan Army #5SOSFAM http://t.co/gc0uDfnFgg ÌÑ2'),
 ('Not Relevant',
  'Not Relevant',
  'Two Jewish Terrorists Charged In Historic-Church Arson | The Ugly Truth http://t.co/iEksNFSbY7 http://t.co/VWCf3slkrW'),
 ('Relevant',
  'Relevant',
  'Cheesehead Report - Arson charges filed in Jackson County house fire http://t.co/I3Y1ZWjBzO'),
 ('Relevant',
  'Relevant',
  'Arson suspect linked to 30 fires caught in Northern California http://t.co/z8tlcAdKOw'),
 ('Relevant',
  'Relevant',
  'Israeli police unable to solve the case of Duma arson attack http://t.co/WtZgXzaf7Z'),
 ('Relevant',
  'Relevant',
  "Spokane authorities say they're struggling to solve arson cases like today's on Hamilton. http://t.co/Qbs2k01WzK http://t.co/mvLZIYsGLL"),
 ('Relevant',
  'Relevant',
  'Thousands attend a rally organized by Peace Now protesting the arson attack that took the life of an http://t.co/bvCKd9pdTi'),
 ('Not Relevant', 'Not Relevant', 'Add Familia to the arson squad.'),
 ('Relevant',
  'Relevant',
  'SHOCK REPORT: Muslims Setting Wildfires Across American West...Arson Jihad!\n\nhttp://t.co/92F4nKxjIu'),
 ('Not Relevant',
  'Not Relevant',
  "@pnuts_mama Be strong. It's at times like this that arson happens. Push thru past the felony stage."),
 ('Relevant',
  'Relevant',
  '#BreakingNews Mourning notices for stabbing arson victims stir \x89Û÷politics of grief\x89Ûª in Israel: Posters f... http://t.co/KTKDrGVHgX #rome'),
 ('Relevant',
  'Relevant',
  'Another fake hate crime Lesbians burn their own house down. What else Is new :http://t.co/66oBQmxImb'),
 ('Relevant',
  'Relevant',
  'Mourning notices for stabbing arson victims stir \x89Û÷politics of grief\x89Ûª in Israel: Posters for Shira Banki and A... http://t.co/WbCtkGGTY9'),
 ('Relevant',
  'Relevant',
  'Los Angeles Times: Arson suspect linked to 30 fires caught in Northern ... - http://t.co/xwMs1AWW8m #NewsInTweets http://t.co/TE2YeRugsi'),
 ('Relevant',
  'Relevant',
  'Mourning notices for stabbing arson victims stir \x89Û÷politics of grief\x89Ûª in Israel http://t.co/eug6zHciun'),
 ('Relevant',
  'Relevant',
  'Mourning notices for stabbing arson victims stir \x89Û÷politics of grief\x89Ûª in Israel http://t.co/KkbXIBlAH7'),
 ('Not Relevant', 'Not Relevant', 'The Sound of Arson'),
 ('Not Relevant',
  'Not Relevant',
  'RT @an_opus: Elliott will be on probation for two years and will have to pay fines up to $1179.  http://t.co/72bcyfbTj3'),
 ('Not Relevant',
  'Not Relevant',
  'Owner of Chicago-Area Gay Bar Admits to Arson Scheme http://t.co/MYhOHvrHiL #LGBT | https://t.co/TM5HTHFDO0'),
 ('Not Relevant',
  'Not Relevant',
  'Wait What??? http://t.co/uAVFRtlfs4 http://t.co/85G1pCcCXG'),
 ('Relevant',
  'Relevant',
  'Arson suspect linked to 30 fires caught in Northern California http://t.co/EJ2GHNAfHY'),
 ('Relevant',
  'Relevant',
  "RT Saginaw - Police sketches of 2 'persons of interest' in Saginaw arson http://t.co/a2tZJ07nId http://t.co/LvtP5MHjaG"),
 ('Not Relevant',
  'Relevant',
  'Trial Date Set for Man Charged with Arson Burglary http://t.co/WftCrLz32P'),
 ('Relevant',
  'Relevant',
  'After death of Palestinian toddler in arson\nattack Israel cracks down on Jewish'),
 ('Relevant',
  'Relevant',
  'Palestinian Teen Killed Amid Protests Against Arson Attack http://t.co/okVsImoGic'),
 ('Relevant',
  'Relevant',
  '#Kisii Police in Kisii hunt for students over failed arson plot: Police in Kisii hunt for students... http://t.co/m5SbFRrSn7 #CountyNews'),
 ('Not Relevant',
  'Relevant',
  'Mariah getting thick in the shoulders poor girl.'),
 ('Relevant',
  'Relevant',
  'Fire That Destroyed Charlton Winery Ruled To Be Arson http://t.co/4a9l0jrMYB'),
 ('Not Relevant',
  'Not Relevant',
  'WEHTWTVWlocal: Trial date set for man charged with arson burglary. https://t.co/eUk7lKS11r'),
 ('Relevant',
  'Not Relevant',
  'Mourning notices for stabbing arson victims stir \x89Û÷politics of grief\x89Ûª in Israel: Posters for Shira Banki and A... http://t.co/3GZ5zQQTHe'),
 ('Relevant',
  'Relevant',
  'RelaxInPR: miprv: RT latimes: Arson suspect linked to 30 fires caught in Northern California http://t.co/ylhAyfaOOu'),
 ('Relevant',
  'Relevant',
  'Jewish leaders prayed at the hospital where a Palestinian family is being treated after arson http://t.co/Wf8iTK2KVx via @HuffPostRelig'),
 ('Not Relevant',
  'Not Relevant',
  'Owner of Chicago-Area Gay Bar Admits to Arson Scheme http://t.co/0TSlQjOKvh via @theadvocatemag #LGBT'),
 ('Not Relevant', 'Not Relevant', '@sayn_ae angel or arson'),
 ('Relevant',
  'Relevant',
  '#Kisii Police in Kisii hunt for students over failed arson plot: Police in Kisii hunt for students... http://t.co/5bdrFU1duo #CountyNews'),
 ('Relevant',
  'Relevant',
  'Mourning notices for stabbing arson victims stir \x89Û÷politics of grief\x89Ûª in Israel http://t.co/Q4L7Dg56JM'),
 ('Not Relevant',
  'Not Relevant',
  'Owner of Chicago-Area Gay Bar Admits to Arson Scheme http://t.co/2Y9dnP5vtg via @theadvocatemag #LGBT | https://t.co/6XuL6DCOsh'),
 ('Relevant',
  'Relevant',
  'Man charged in connection to Shawnee arson and burglary: OLATHE Kan. \x89ÛÓ A man was in court Wednesday accused of\x89Û_ http://t.co/zcXmQoKtZ1'),
 ('Not Relevant',
  'Not Relevant',
  'Owner of Chicago-Area Gay Bar Admits to Arson Scheme http://t.co/UBFr1URAFc #LGBT | https://t.co/AlnV51d95x'),
 ('Relevant',
  'Relevant',
  'Mourning notices for stabbing arson victims stir \x89Û÷politics of grief\x89Ûª in Israel http://t.co/GbluHRrlto'),
 ('Not Relevant',
  'Relevant',
  'Owner of Chicago-Area Gay Bar Admits to Arson Scheme http://t.co/ZPxE3fMYNG #LGBT'),
 ('Relevant',
  'Relevant',
  '960KZIM: Steele police arrest 2 in possible arson investigation https://t.co/w6ZbWryqjC'),
 ('Not Relevant', 'Not Relevant', '@Vixuhn rip arson'),
 ('Relevant',
  'Relevant',
  'Arson suspect linked to 30 fires caught in Northern California http://t.co/wnuqQAtTTP (via @latimes)'),
 ('Relevant',
  'Relevant',
  'Tennessee lesbian couple faked hate crime and destroyed own home with arson\x89Û_ http://t.co/10mUEY8PXJ #Lesbian'),
 ('Relevant',
  'Relevant',
  'Arson suspect linked to 30 fires caught in Northern California http://t.co/HkFPyNb4PS'),
 ('Not Relevant',
  'Relevant',
  'RT @TheAdvocateMag: Owner of Chicago-Area Gay Bar Admits to Arson Scheme http://t.co/wHTMwtgROJ #p2 #LGBT'),
 ('Relevant',
  'Relevant',
  'Arson suspect linked to 30 fires caught in Northern California - Los Angeles Times http://t.co/PrRB4fhXtv'),
 ('Relevant',
  'Relevant',
  '#LGBTQ News ?? Owner of Chicago-Area Gay Bar Admits to Arson Scheme: Frank Elliott pleaded... http://t.co/sGb9vNWqUx Via @TheAdvocateMag'),
 ('Relevant',
  'Relevant',
  'Arson suspect linked to 30 fires caught in Northern California http://t.co/u1fuWrGK5U'),
 ('Relevant',
  'Relevant',
  'Mourning notices for stabbing arson victims stir \x89Û÷politics of grief\x89Ûª in Israel: Posters for Shira Banki and A... http://t.co/6o92wDfcLu'),
 ('Relevant',
  'Relevant',
  'Contra Costa Co. authorities arrest suspected serial arsonist: Authorities believe that\x89Û_ http://t.co/bzCmzM7bi5 | http://t.co/LBQldyKgdp'),
 ('Not Relevant',
  'Relevant',
  'Owner of Chicago-Area Gay Bar Admits to Arson Scheme: Frank Elliott pleaded guilty to hiring an arsonist to to... http://t.co/L82mrYxfNK'),
 ('Not Relevant',
  'Relevant',
  '@_301DC @Cloudy_goldrush i hate white people mo'),
 ('Not Relevant',
  'Not Relevant',
  '#NOWPLAYING Arsonist MC -  So Impressed -  @ARSONISTMUSIC http://t.co/1ElreH1jLJ'),
 ('Relevant',
  'Relevant',
  'Alleged East Bay serial arsonist arrested http://t.co/WR48AQTUm7'),
 ('Not Relevant',
  'Not Relevant',
  '@local_arsonist @Cloudy_goldrush Man what ???? they be on some other shit'),
 ('Not Relevant',
  'Not Relevant',
  "mo the way she says 'carry' https://t.co/vQzRUTHRNU"),
 ('Not Relevant',
  'Not Relevant',
  '@Safyuan just a minor citation for possesion of a decriminalized substance im not facing any time'),
 ('Relevant',
  'Relevant',
  'Suspected serial arsonist arrested in Calif. http://t.co/PzotPDGAkI'),
 ('Relevant',
  'Relevant',
  'Arsonist Sets NYC Vegetarian Restaurant on Fire: Police #NewYork - http://t.co/agn4cL4uSK'),
 ('Relevant',
  'Relevant',
  'Arson suspect linked to 30 fires caught in Northern California http://t.co/mmGsyAHDzb'),
 ('Not Relevant',
  'Not Relevant',
  '@local_arsonist @diamorfiend the legal system NEVER forgets'),
 ('Not Relevant', 'Not Relevant', '@Casper_rmg u on dick'),
 ('Not Relevant',
  'Not Relevant',
  'Bloor/Ossington arsonist also burned a mattress on Northumberland St #cbcto http://t.co/wpDvT31sne'),
 ('Relevant',
  'Relevant',
  'Arsonist torches a house himself and his getaway vehicle police say - Surrey Leader http://t.co/q0J5lTVD6k @RichardGEarl'),
 ('Not Relevant', 'Not Relevant', "'wHeRE's mY aRsOnISt aT???'"),
 ('Not Relevant',
  'Not Relevant',
  "If you don't have anything nice to say you can come sit with me."),
 ('Not Relevant',
  'Not Relevant',
  '#Vegetarian #Vegan Video shows arsonist torching popular BK restaurant Strictly Vegetarian... http://t.co/kxpLYoM9RR #GoVegan #UniteBlue'),
 ('Relevant',
  'Relevant',
  '#Arsonist arrested for setting many fires. WATCH tonight\x89Ûªs other #headlines: http://t.co/sqgogJ3S5r. #Nightbeat @VeronicaDLCruz #2MinuteMix'),
 ('Not Relevant',
  'Not Relevant',
  'Video Captures Man Removing American Flag From Long Beach CA Home Burning It; Arsonist Sought http://t.co/JP2QlrunjJ http://t.co/jbpgkGOwSi'),
 ('Not Relevant',
  'Not Relevant',
  '@Safyuan i already threw away the letter tho'),
 ('Not Relevant',
  'Not Relevant',
  '@58hif my trick is to think about nasty things'),
 ('Relevant',
  'Relevant',
  'Hotel arsonist who caused å£70000 damage was \x89Û÷crying for help\x89Ûª: An arsonist has been jailed after a court hear... http://t.co/HNGDdBhewa'),
 ('Not Relevant',
  'Not Relevant',
  '#Spotlight Take Me To Paradise by Arsonist MC #WNIAGospel http://t.co/1he4UfaWZm @arsonistmusic http://t.co/BNhtxAEZMM'),
 ('Relevant',
  'Relevant',
  'suspected serial arsonist in east bay under arrest @christinKPIX5 @NightBeatTV 10pm @KBCWtv @VeronicaDLCruz'),
 ('Not Relevant', 'Not Relevant', 'who makes these? http://t.co/28t3NWHdKy'),
 ('Not Relevant',
  'Not Relevant',
  'on town of salem i just melted ice cube bc im the arsonist :D'),
 ('Not Relevant',
  'Not Relevant',
  'Arsonists being blamed for a blaze at a plastics recycling business in Adelaide | @pcaldicott7 reports. #7NewsAdl http://t.co/r1Xwdnvb0g'),
 ('Not Relevant', 'Not Relevant', 'i be on that hotboy shit'),
 ('Not Relevant',
  'Not Relevant',
  'Zodiac Girl feat Trey Dupree (Produced By Sparkz Beatz) | Chuck Da Arsonist http://t.co/HDKd9J2lw0'),
 ('Not Relevant',
  'Not Relevant',
  'ARSONIST Mc - CHRIST WALK http://t.co/D8LQHiGjT0 #Toronto #Columbus #Gospel'),
 ('Not Relevant', 'Not Relevant', '@Gay4BB bitch dont get slapped'),
 ('Not Relevant', 'Not Relevant', '@local_arsonist LMFAO'),
 ('Not Relevant', 'Not Relevant', '@trap_vodka my new fave vine'),
 ('Relevant',
  'Relevant',
  'Alleged East Bay serial arsonist arrested #SanFrancisco - http://t.co/ojuHfkHVb2'),
 ('Not Relevant',
  'Not Relevant',
  '@_Doofus_ @diamorfiend im jokin still cant be on moves:/'),
 ('Relevant',
  'Relevant',
  'Suspected serial arsonist arrested in NorCal http://t.co/Dty4t75CGu http://t.co/MjxbygejyL'),
 ('Not Relevant',
  'Not Relevant',
  "@local_arsonist I guess u can say that it's just some shit I was thinking about"),
 ('Not Relevant',
  'Not Relevant',
  'Surveillance Video Captures Man Removing American Flag From Long Beach Home ... - KTLA http://t.co/g0o9wiAgHu'),
 ('Relevant',
  'Relevant',
  'Arsonist Sets NYC Vegetarian Restaurant on Fire: Police #NewYork - http://t.co/Nr7usT3uh8'),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video from @slimebeast http://t.co/ulr6MyklnH Town of Salem | How to Win as The Arsonist'),
 ('Not Relevant',
  'Not Relevant',
  '@Casper_rmg @BestComedyVine whats cracking cuz'),
 ('Not Relevant',
  'Not Relevant',
  'smoke good fuck eat drink drive nice car wear all green mink'),
 ('Not Relevant',
  'Relevant',
  'Serial arsonist gets no bail not jail release http://t.co/rozs6aumsS'),
 ('Not Relevant', 'Not Relevant', 'kill i got court the day after earl'),
 ('Not Relevant',
  'Not Relevant',
  '@local_arsonist lmao but real live you should go'),
 ('Not Relevant',
  'Not Relevant',
  'Owner of Chicago-Area Gay Bar Admits to Arson Scheme: Frank Elliott pleaded guilty to hiring an arsonist to to... http://t.co/jCFEhrHLq8'),
 ('Not Relevant',
  'Not Relevant',
  'Trusting Iran to stop terrorism is like inviting an arsonist to join the fire brigade - Telegraph http://t.co/2Z2HTDjQZD'),
 ('Relevant',
  'Relevant',
  'Big Top Burning The True Story Of An Arsonist A Missing Girl \x89Û_ : http://t.co/QxH1H61cwD .'),
 ('Relevant',
  'Relevant',
  'Arson suspect linked to 30 fires caught in Northern California https://t.co/emsXyWp5s5'),
 ('Relevant',
  'Relevant',
  'Stay vigilent. Civil liberties are under constant attack. #nativehuman #myreligion  https://t.co/WWu070Tjej'),
 ('Relevant',
  'Relevant',
  'Delhi government to provide free treatment to acid attack victims in private hospitals #AAPatWork http://t.co/xjtp8SBpt3'),
 ('Not Relevant', 'Not Relevant', "I'm going into a panic attack"),
 ('Not Relevant',
  'Not Relevant',
  'Credit to @pfannebeckers for inspiring me to rediscover this fantabulous #tbt http://t.co/wMHy47xkiL'),
 ('Not Relevant',
  'Not Relevant',
  'End the Innovation Catch-22: Reduce the Attack Surface http://t.co/Gj4SSEhk1D #INDUSTRYINSIGHTS #mcgsecure'),
 ('Relevant',
  'Relevant',
  'http://t.co/pTKrXtZjtV  Nashville Theater Attack: Will Gun Grabbers Now Demand \x89ÛÏHatchet Control?\x89Û\x9d'),
 ('Relevant', 'Relevant', 'BREAKING: Terror Attack On\nPolice Post #Udhampur'),
 ('Not Relevant',
  'Not Relevant',
  'Demi stans really think Heart Attack sold 5/6 million copies ??'),
 ('Relevant',
  'Relevant',
  "it scares me that there's new versions of nuclear attack warnings like just knowing that governments still prepare for them"),
 ('Relevant',
  'Relevant',
  'ISIL claims suicide bombing at Saudi mosque that killed at least 15 http://t.co/Y8IcF89H6w http://t.co/t9MSnZV1Kb'),
 ('Not Relevant',
  'Not Relevant',
  '@DatTomm the funniest part about that twitter is the feminists that try to attack it 4Head'),
 ('Relevant',
  'Relevant',
  'Horrific attack on wife by muslim in Italy http://t.co/nY3l1oRZQb LiveLeak #News'),
 ('Relevant',
  'Relevant',
  '\x89Ûª93 blasts accused Yeda Yakub dies in Karachi of heart attack http://t.co/mfKqyxd8XG #Mumbai'),
 ('Relevant',
  'Relevant',
  '@etribune  US Drone attack kills 4-suspected militants in North Waziristan @AceBreakingNews https://t.co/jB038rdFAK'),
 ('Relevant',
  'Relevant',
  'Suspect in latest theater attack had psychological issues http://t.co/3huhZxliiG'),
 ('Relevant',
  'Relevant',
  'Militants attack police post in Udhampur; 2 SPOs injured | LiveMint http://t.co/Rptouz2iJs | http://t.co/69mLhfefhr #AllTheNews'),
 ('Relevant',
  'Relevant',
  'BREAKING: Obama Officials GAVE Muslim Terrorist the Weapon Used in Texas Attack http://t.co/qi8QDw5dFG'),
 ('Relevant',
  'Not Relevant',
  "@RealTwanBrown Yesterday I Had A Heat Attack ???? And What's Funny Our Relationship ??? Or Our Snapchat"),
 ('Relevant',
  'Relevant',
  'Delhi Government to Provide Free Treatment to Acid Attack Victims in Private Hospitals http://t.co/H6PM1W7elL'),
 ('Not Relevant',
  'Relevant',
  'New post from @darkreading http://t.co/8eIJDXApnp New SMB Relay Attack Steals User Credentials Over Internet'),
 ('Not Relevant',
  'Not Relevant',
  'Texas\x89Ûªs Gratuitously Cruel Attack On A Dying GayåÊMan http://t.co/retdjqyCuB'),
 ('Relevant',
  'Relevant',
  'Israeli forces raid home of alleged car attack suspect http://t.co/3GVUS8NPpy #palestine'),
 ('Not Relevant',
  'Not Relevant',
  'Cooper the Super Pooper. The hero dog who saved me from drowning and detected my heart attack before I knew it. The\x89Û_ http://t.co/hzzADcnhFF'),
 ('Not Relevant',
  'Not Relevant',
  "Just had a heart attack because I thought my goat was dead. ???? don't worry Rocket is okay. ??"),
 ('Not Relevant',
  'Not Relevant',
  'Double ebony attack http://t.co/33V0RLlrKf #Black-haired #Blowjob http://t.co/t7TG3nRBje'),
 ('Not Relevant',
  'Not Relevant',
  "I'm not gonna lie I'm kinda ready to attack my Senior year ??????????"),
 ('Not Relevant',
  'Not Relevant',
  "'Left hand side of a diamond is a graveyard shift have to attack and defend'\nThe right handside no have to do that too you fucking idiot?"),
 ('Relevant',
  'Relevant',
  'Suspect in latest US theatre attack had psychological issues http://t.co/TvsvjuAVif http://t.co/npovfR4rGo'),
 ('Relevant',
  'Relevant',
  '#volleyball Attack II Volleyball Training Machine - Sets Simulation - http://t.co/dCDeCFv934 http://t.co/dWBC1dUvdk'),
 ('Relevant',
  'Relevant',
  "Notley's tactful yet very direct response to Harper's attack on Alberta's gov't. Hell YEAH Premier! http://t.co/rzSUlzMOkX #ableg #cdnpoli"),
 ('Relevant',
  'Relevant',
  '#People #Tilly the #Confused Cat Overcomes Horrible Attack to Win Hearts http://t.co/QtrsYxFzo3'),
 ('Relevant',
  'Relevant',
  'Police: Assailant in latest US movie theatre attack was homeless had psychological issues http://t.co/zdCvlYq6qK'),
 ('Not Relevant',
  'Relevant',
  'To love you love you love you ...  Massive Attack - Angel (HD) https://t.co/9TW34Gffox vÌ_a @YouTube'),
 ('Not Relevant',
  'Not Relevant',
  '@CaIxxum5SOS thanks for the damn heart attack'),
 ('Relevant',
  'Relevant',
  'Suspect in latest US theatre attack had psychological issues http://t.co/OnPnBx0ZEx http://t.co/uM5IcN5Et2'),
 ('Relevant',
  'Relevant',
  'India shud not give any evidence 2 pak.They will share with terrorists &amp; use for next attack.Share with oth contries https://t.co/qioPbTIUVu'),
 ('Relevant',
  'Relevant',
  'illegal alien released by Obama/DHS 4 times Charged With Rape &amp; Murder of Santa Maria CA Woman Had Prior Offenses  http://t.co/MqP4hF9GpO'),
 ('Relevant',
  'Relevant',
  'Strongly condemn attack on ARY news team in Karachi. A cowardly act against those simply trying to do their job!'),
 ('Relevant',
  'Relevant',
  'Nashville Theater Attack: Will Gun Grabbers Now Demand \x89ÛÏHatchet Control?\x89Û\x9d  http://t.co/OyoGII97yH'),
 ('Relevant',
  'Relevant',
  "The fact that the atomic bombs were called 'Little Boy' and 'Fat man' says a lot about the mentality that went into the attack."),
 ('Not Relevant',
  'Not Relevant',
  '@blazerfan not everyone can see ignoranceshe is Latinoand that is All she can ever benothing morebut an attack dog 4 a hate group GOP'),
 ('Not Relevant',
  'Not Relevant',
  'Heart disease prevention: What about secondhand smoke? http://t.co/YdgMGBrYL2'),
 ('Relevant',
  'Relevant',
  'A Dayton-area org tells me it was hit by a cyber attack: http://t.co/7LhKJz0IVO'),
 ('Not Relevant',
  'Not Relevant',
  "Attack on Titan game on PS Vita yay! Can't wait for 2016"),
 ('Relevant',
  'Relevant',
  '[infowars]  Nashville Theater Attack: Will Gun Grabbers Now Demand \x89ÛÏHatchet Control?\x89Û\x9d http://t.co/n3yJb8TcPm #nwo'),
 ('Not Relevant', 'Not Relevant', 'anxiety attack ??'),
 ('Not Relevant',
  'Not Relevant',
  '@Sunnyclaribel. how many of @DPJHodges articles just attack labour or defend conservatives? see for yourself: http://t.co/shAAIjO2ZC'),
 ('Not Relevant',
  'Not Relevant',
  'RT: @rt_com :Tory attack on Freedom of Information is \x89Û÷assault on govt accountability\x89Ûª \x89ÛÒ Liberty http://t.co/UNmTOnz5c5 http://t.co/GTSbvveF'),
 ('Not Relevant',
  'Not Relevant',
  "It's weird I had a near panic attack &amp; wanted to write her\x89Û_ walked into the bathroom at work and nearly cried. Dreadfully miss her."),
 ('Not Relevant',
  'Not Relevant',
  '#porn #nsfw: Blacks attack for white married slut http://t.co/zRngKh5d8H'),
 ('Relevant',
  'Relevant',
  'Cop injured in gunfight as militants attack Udhampur police post: Suspected militants attacked a police post i... http://t.co/ERW7FdxnCr'),
 ('Not Relevant', 'Not Relevant', 'My dog attacked me for my food #pugprobs'),
 ('Not Relevant',
  'Relevant',
  "Newcastle: Schoolgirl attacked in Seaton Delaval park by 'pack of animals' led by a former friend http://t.co/4xbrVNib9T #newcastle"),
 ('Relevant',
  'Relevant',
  'Cop injured in gunfight as militants attack Udhampur police post: Suspected militants attacked a police post i... http://t.co/2h0dPMv2Ef'),
 ('Not Relevant',
  'Not Relevant',
  '@envw98 @NickCoCoFree @JulieDiCaro @jdabe80 I asked how did he feel attacked by julie.  I asked if he was frail.   That is all.'),
 ('Not Relevant',
  'Not Relevant',
  'Aus need career best of @davidwarner31 along with Steve smith to even try competing.. SURA virus has attacked team Australia brutally'),
 ('Not Relevant', 'Not Relevant', '@messeymetoo I feel attacked'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/ajMtU7EHy2'),
 ('Not Relevant',
  'Not Relevant',
  "I'm feeling so attacked https://t.co/CvkQiGr1AZ"),
 ('Not Relevant',
  'Not Relevant',
  "Once again black men didn't make it that way. White men did so why are black men getting attacked  https://t.co/chkP0GfyNJ"),
 ('Not Relevant',
  'Not Relevant',
  "I cant believe a fucking cis female is going to somehow claim to be offended over a transgendered female who's been attacked by media"),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/OGoyzOlJk5'),
 ('Relevant',
  'Relevant',
  'Tennessee man killed by police attacked family with hatchet: 911åÊcall http://t.co/pWiw9q30DT'),
 ('Relevant',
  'Relevant',
  'Israeli helicopters that attacked civilians in Gaza just completed exercises in Greece.'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/5qYcZyWKgG'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/RICbduIACc'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/U0kEOe5fMt'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/f5MiuhqaBy'),
 ('Not Relevant',
  'Relevant',
  '#PT: The unit attacked by IS was responsible for targeting Muslim Scholars and imprisoning the youth. http://t.co/f4LhfmEhzh'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/zb8vVBiSY4'),
 ('Not Relevant',
  'Relevant',
  'Telnet attacked from 124.13.172.40 (STREAMYX-HOME-SOUTHERN MY)'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/wGWiQmICL1'),
 ('Not Relevant',
  'Relevant',
  "I attacked Robot-lvl 1 and I've earned a total of 16000 free satoshis! http://t.co/2PZcXSkNCg #robotcoingame #Bitcoin #FreeBitcoin"),
 ('Not Relevant',
  'Not Relevant',
  '#TBT Remember that time Patrick Kane attacked a cab driver over .20'),
 ('Not Relevant',
  'Not Relevant',
  'im feeling attacked http://t.co/91jvYCxXVi'),
 ('Not Relevant',
  'Not Relevant',
  'IK Only Troll His Pol Rivals Never Literally Abused Them Or Attacked Their Families. While All Of Them Literally Abuse IK. Loosers'),
 ('Not Relevant',
  'Not Relevant',
  "That 'attitude problem' is a result of constantly being belittled bashed attacked &amp; demoralized. \nFUCK YOU @HOT97"),
 ('Not Relevant',
  'Not Relevant',
  "I must've forgot the memo where getting attacked by a resident and receiving a concussion was funny"),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/NhxSe3RTHX'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/LHBZHWq4B9'),
 ('Not Relevant',
  'Not Relevant',
  '@envw98 @NickCoCoFree @JulieDiCaro @jdabe80 Why am I the worst person? Questioning how julie attacked him?  Do you guys have no empathy?'),
 ('Not Relevant',
  'Relevant',
  'Kelly Osbourne attacked for racist Donald Trump remark about Latinos on The View http://t.co/7nAgdSAdWP'),
 ('Not Relevant',
  'Not Relevant',
  "@eunice_njoki aiii she needs to chill and answer calmly its not like she's being attacked"),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/mXZ7yX8ld1'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/e4YDbM4Dx6'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/T1aa5Ov7Eg'),
 ('Not Relevant',
  'Not Relevant',
  "I attacked Robot-lvl 19 and I've earned a total of 6615434 free satoshis! http://t.co/DMLJ1aGoTw #robotcoingame #Bitcoin #FreeBitcoin"),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/PuVOZi3Pa3'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/EMDJNNltP0'),
 ('Not Relevant',
  'Not Relevant',
  '@christinalavv @lindsay_wynn3 I just saw these tweets and I feel really attacked'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/a6wmbnR51S'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/ETg0prBP4G'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/yUBKHf9iyh'),
 ('Relevant',
  'Relevant',
  'TV program I saw said US air plane flew to uranium mine in Fukushima and attacked by machine gun when student army were digging it.'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/e4wK8Uri8A'),
 ('Not Relevant',
  'Not Relevant',
  '@LogitechG BUT THEN THE FIRE NATION ATTACKED....'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/7kxGS7VDFy'),
 ('Not Relevant',
  'Not Relevant',
  'Metro Nashville Police - simply the best.   Thank you for protecting us.    911 call: http://t.co/ZWIG51QECF via @AOL'),
 ('Not Relevant',
  'Not Relevant',
  '@MageAvexis &lt; things. And what if we get attacked?'),
 ('Relevant',
  'Relevant',
  'Christian Attacked by Muslims at the Temple Mount after Waving Israeli Flag via Pamela Geller - ... http://t.co/1pDJoq4Jc1'),
 ('Not Relevant',
  'Not Relevant',
  '#WeLoveLA #NHLDucks Avalanche Defense: How They Match vs St. Louis Blues http://t.co/9v1RVCOMH2 #SportsRoadhouse'),
 ('Not Relevant',
  'Relevant',
  'I was having such a peaceful happy Twitter experience ...then *AVALANCHE OF IDIOCY*!!!!!! https://t.co/iIR1v39THE'),
 ('Not Relevant',
  'Not Relevant',
  "I liked a @YouTube video http://t.co/TNXQuOr1wb Kalle Mattson - 'Avalanche' (Official Video)"),
 ('Not Relevant',
  'Not Relevant',
  'Car Receiving tube Installation for Avalanche Sound Output HHw'),
 ('Not Relevant',
  'Not Relevant',
  'if this fucking is true i will be decapitated and throw my head into a avalanche  https://t.co/4cw6Nmmw1O'),
 ('Not Relevant', 'Not Relevant', "we'll crash down like an avalanche"),
 ('Not Relevant',
  'Not Relevant',
  "#Colorado #Avalanche Men's Official Colorado Avalanche Reebok T-Shirt XL Blue 100% Cotton http://t.co/ZNSvsTGwx3 #NHL #Hockey"),
 ('Not Relevant',
  'Not Relevant',
  '2 TIX 10/3 Frozen Fury XVII: Los Angeles Kings v Avalanche 103 Row:AA MGM Grand http://t.co/kBtZZZG2Tp'),
 ('Not Relevant',
  'Not Relevant',
  'I BET YOU DIDNT KNOW I KICK BOX TOO! https://t.co/rBrw8pWiPJ'),
 ('Not Relevant',
  'Not Relevant',
  "A little piece I wrote for the Avalanche Designs blog! I'd appreciate it greatly if you checked it out :-)  https://t.co/rfvjh58eF2"),
 ('Not Relevant',
  'Relevant',
  "'One glance and the avalanche drops. One look and my heartbeat stops.' Oh WALK THE MOON how you get me.. I couldn't have said it better."),
 ('Not Relevant',
  'Not Relevant',
  'Photo: #Repost @gregskazphotography with @repostapp. åáåáåá @rainierarms Avalanche Ambi Charging Handle... http://t.co/t3dK3OoV7e'),
 ('Not Relevant',
  'Not Relevant',
  'PATRICK ROY 1998-99 UPPER DECK SPX #171 FINITE 1620 MADE COLORADO AVALANCHE MINT http://t.co/uHfM1r3Tq5 http://t.co/QulgaKebHB'),
 ('Not Relevant',
  'Not Relevant',
  "Musician Kalle Mattson Recreates 34 Classic Album Covers in Clever Music Video for 'Avalanche' http://t.co/yDJpOpH1DW"),
 ('Not Relevant',
  'Not Relevant',
  '@cierranb5678 I was just there and my dad told me he would never let me get an Avalanche'),
 ('Not Relevant',
  'Not Relevant',
  'Beautiful Sweet Avalanche Faith and Akito roses with lots of frothy gyp. http://t.co/RaqUpzFkJY #weddinghour http://t.co/quNxocXCgA'),
 ('Not Relevant',
  'Not Relevant',
  '1-6 TIX Calgary Flames vs COL Avalanche Preseason 9/29 Scotiabank Saddledome http://t.co/5G8qA6mPxm'),
 ('Not Relevant',
  'Not Relevant',
  'Secrets up avalanche: catechize inner self for the confidential communication as respects creating worth in len...'),
 ('Not Relevant',
  'Not Relevant',
  'As you can imagine I had plenty to talk about with a maths teacher from Liverpool of a similar age into music !'),
 ('Not Relevant',
  'Not Relevant',
  'http://t.co/p5PnsRPH5G -RARE VINTAGE COLLECTABLE WINDRIVER AVALANCHE EDT 60ML SPRAY FOR MEN#Deals_UK http://t.co/wkZIYnyyrY'),
 ('Not Relevant',
  'Relevant',
  'PLUS PERFORMANCE CHIP FUEL SAVER CHEVY SILVERADO/AVALANCHE/BLAZER/TAHOE http://t.co/eocKbeOGm0 http://t.co/cvjCidgEZ7'),
 ('Not Relevant',
  'Not Relevant',
  'the fall of leaves from a poplar is as fully ordained as the tumbling of an avalanche - Spurgeon'),
 ('Relevant',
  'Relevant',
  'Dorion: Sens looking for consistency from Hoffman #ColoradoAvalanche #Avalanche http://t.co/msK68XoY7T http://t.co/ykWKx0QKtX'),
 ('Not Relevant',
  'Not Relevant',
  '@Avalanche need anyone to carry your bag? ??'),
 ('Not Relevant',
  'Not Relevant',
  'I saw two great punk bands making original music last week. Check em out here!! @GHOSTOFTHEAV @MontroseBand https://t.co/WdvxjsQwic'),
 ('Not Relevant',
  'Not Relevant',
  "Musician Kalle Mattson Recreates 34 Classic Album Covers in Clever Music Video for 'Avalanche' http://t.co/97eWeUWybf"),
 ('Not Relevant',
  'Not Relevant',
  '2 TIX 10/3 Frozen Fury XVII: Los Angeles Kings v Avalanche 216 Row:L MGM Grand http://t.co/qyCwho8guN'),
 ('Not Relevant',
  'Not Relevant',
  'GREAT PERFORMANCE CHIP FUEL/GAS SAVER CHEVY TAHOE/BLAZER/AVALANCHE/S-10 http://t.co/iCrZi5TqC5 http://t.co/ONxhKfHn2a'),
 ('Not Relevant',
  'Not Relevant',
  'Musician Kalle Mattson Recreates 34 Classic Album Covers in Clever Music Video for \x89Û÷Avalanche\x89Ûª http://t.co/VBSwhz4s2V'),
 ('Not Relevant',
  'Relevant',
  'driving the avalanche after having my car for a week is like driving a tank'),
 ('Not Relevant',
  'Not Relevant',
  'FC Maid Agency presents Musician Kalle Mattson Recreates 34 Classic Album Covers in Clever Music Video for... http://t.co/BObrp2qwCb'),
 ('Not Relevant',
  'Not Relevant',
  'Free Ebay Sniping RT? http://t.co/RqIPGQslT6 Chevrolet : Avalanche Ltz Lifted 4x4 Truck ?Please Favorite &amp; Share'),
 ('Not Relevant',
  'Relevant',
  '02 03 04 05 AVALANCHE 1500 REAR AXLE ASSEMBLY 2055271 http://t.co/VxZhZsAlra http://t.co/HmXWRkbLS0'),
 ('Relevant',
  'Relevant',
  "Chiasson Sens can't come to deal #ColoradoAvalanche #Avalanche http://t.co/2bk7laGMa9 http://t.co/bkDGCfsuiQ"),
 ('Not Relevant',
  'Relevant',
  "Senators have another year to determine Hoffman's v... #ColoradoAvs #NHLAvalanche http://t.co/CIzZOc6f0D http://t.co/PEmYHD3Nfz"),
 ('Not Relevant',
  'Not Relevant',
  "Paul Rudd Emile Hirsch David Gordon Green 'Prince Avalanche' Q&amp;A | Filmmakers at Google http://t.co/e4QonKzndZ  #entretenimento #Video"),
 ('Not Relevant',
  'Not Relevant',
  'Great one time deal on all Avalanche music and with purchase get a Neal Rigga shirt http://t.co/4VIRXkgMpC'),
 ('Not Relevant',
  'Not Relevant',
  '.@bigperm28 was drafted by the @Avalanche in 2005 (rd. 4 #124) overall. Played last season in @UtahGrizz. http://t.co/gPGTAfMKt0'),
 ('Not Relevant',
  'Not Relevant',
  'I HAVE GOT MORE VIDEOS THAN YOU RAPPERS GOT SONGS! http://t.co/pBLvPM6C27'),
 ('Not Relevant',
  'Not Relevant',
  '@Mano_twits @Kolaveriboy avast an avalanche of andals'),
 ('Not Relevant',
  'Not Relevant',
  '@funkflex yo flex im here https://t.co/2AZxdLCXgA'),
 ('Not Relevant',
  'Not Relevant',
  "You are the avalanche. One world away. My make believing. While I'm wide awake."),
 ('Not Relevant',
  'Not Relevant',
  'The possible new jerseys for the Avalanche next year. ???? http://t.co/nruzhR5XQu'),
 ('Not Relevant',
  'Not Relevant',
  'Colorado Avalanche @ Anaheim Ducks 1-7 tickets 10/1 preseason http://t.co/XRU1WowZYG'),
 ('Not Relevant',
  'Not Relevant',
  "What a feat! Watch the #BTS of @kallemattson's incredible music video for #Avalanche: https://t.co/3W6seA9tuv ????"),
 ('Relevant',
  'Relevant',
  'Avalanche City - Sunset http://t.co/48h3tLvLXr #nowplay #listen #radio'),
 ('Not Relevant',
  'Relevant',
  '@90sAngelicMalik listen to wtm avalanche and take a deep breath'),
 ('Not Relevant',
  'Relevant',
  "Now there's an avalanche... These men are lunatics #livingontheedge"),
 ('Relevant',
  'Relevant',
  'Chevrolet : Avalanche LT 2011 lt used 5.3 l v 8 16 v automatic 4 wd pickup truck premium b\x89Û_ http://t.co/OBkY8Pc89H http://t.co/dXIRnTdSrd'),
 ('Not Relevant',
  'Not Relevant',
  'No snowflake in an avalanche ever feels responsible.'),
 ('Not Relevant',
  'Relevant',
  'STAR WARS POWER OF THE JEDI COLLECTION 1 BATTLE DROID HASBRO - Full read by eBay http://t.co/xFguklrlTf http://t.co/FeGu8hWMc4'),
 ('Relevant',
  'Relevant',
  'CIVIL WAR GENERAL BATTLE BULL RUN HERO COLONEL 2nd NEW HAMPSHIRE LETTER SIGNED ! http://t.co/Ot0tFFpBYB http://t.co/zaRBwep9LD'),
 ('Not Relevant',
  'Not Relevant',
  'Dragon Ball Z: Battle Of Gods (2014) - Rotten Tomatoes http://t.co/jDDNhmrmMJ via @RottenTomatoes'),
 ('Not Relevant',
  'Not Relevant',
  'I added a video to a @YouTube playlist http://t.co/wedWyn9kfS World Of Tanks - Battle Assistant Mod Bat Chat Arti kaboom'),
 ('Not Relevant',
  'Not Relevant',
  'YA BOY CLIP VS 4KUS FULL BATTLE\n\n@15MofeRadio @Heavybag201 @battle_dom @QOTRING @BattleRapChris @Hughes1128 \n\nhttps://t.co/7SPyDy1csc'),
 ('Relevant',
  'Relevant',
  'Indeed!! I am fully aware of that battle! I support you in that fight!!  https://t.co/MctJnZX4H8'),
 ('Not Relevant',
  'Not Relevant',
  "It's baaaack!  Petersen's Bowhunting Battle of the Bows.  Make sure you head on over and cast your vote for your... http://t.co/FJ73gDvg2n"),
 ('Not Relevant',
  'Not Relevant',
  "#Tb #throwback ??\n\n??~ You want a battle? Here's a War! ~ ?? https://t.co/B0ZJWgmaIW"),
 ('Not Relevant',
  'Not Relevant',
  'Kelby Tomlinson mild-mannered 2nd baseman for a great metropolitan team fights a never-ending battle for hits RBI and the #SFGiants way.'),
 ('Not Relevant',
  'Relevant',
  'Black Eye 9: A space battle occurred at Star M27329 involving 1 fleets totaling 1236 ships with 7 destroyed'),
 ('Not Relevant',
  'Not Relevant',
  'What really happened in the Taken King Story Trailer. A space battle that ripped a hole in Saturn. @EyTay @neur0sis http://t.co/ZYRZX6dfki'),
 ('Not Relevant',
  'Not Relevant',
  'THESE AFTER BATTLE ANIMATIONS ARE SO FUCKING MUCH'),
 ('Not Relevant',
  'Not Relevant',
  'See what happens with NO Battle of the Block @CBSBigBrother!?! ???? finally'),
 ('Not Relevant',
  'Not Relevant',
  '#DU19 who gon get in this rap battle with me'),
 ('Not Relevant',
  'Not Relevant',
  'Do Your Own Thing: The Battle of Internal vs External Motivation: http://t.co/w9P3hAuHEi'),
 ('Relevant',
  'Relevant',
  '#environment Lone Pine trees growing across the country in remembrance of battle at Gallipoli 100 years ago: T... http://t.co/GJCAAnfCYk'),
 ('Not Relevant',
  'Not Relevant',
  'Check out this item I just got! [Phantasmal Cummerbund] http://t.co/qrHJEI7gRq #Warcraft'),
 ('Not Relevant', 'Not Relevant', '@JackiSheaffer I have the same battle!'),
 ('Relevant',
  'Relevant',
  'A young German stormtrooper engaged in the Battle of the Somme 1916. [800 ÌÑ 582 ] http://t.co/yxvMifLvc4'),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video http://t.co/9Vw0uQQi1y Marvel VS DC (Avengers Battle!)'),
 ('Not Relevant',
  'Not Relevant',
  "@exoticengram @TheRasputin That Raspy is so cool and he has already figured out TTK's battle shit."),
 ('Not Relevant', 'Not Relevant', '@UtahCanary sigh daily battle.'),
 ('Not Relevant',
  'Not Relevant',
  "@SexyDragonMagic I've come to the realization that I just don't have the attention span for mass battle games. Both painting and playing."),
 ('Not Relevant',
  'Not Relevant',
  '@DetroitPls interested to see who will win this battle'),
 ('Not Relevant',
  'Not Relevant',
  'Battle of the GOATS  https://t.co/ofECs6tcvC'),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video from @sharpino1990 http://t.co/LU7dgOwtyl Pok̩mon Omega Ruby and Alpha Sapphire Wi-Fi Battle #05 cjs064 vs'),
 ('Not Relevant',
  'Not Relevant',
  'STAR WARS POWER OF THE JEDI COLLECTION 1 BATTLE DROID HASBRO - Full read by eBay http://t.co/yI30ZgiZsW http://t.co/2jGVhw7YZs'),
 ('Not Relevant',
  'Not Relevant',
  'Black Eye 9: A space battle occurred at Star O784 involving 2 fleets totaling 4103 ships with 50 destroyed'),
 ('Not Relevant',
  'Not Relevant',
  'After a long battle @Spurs Matt Bonner took care of Brian Scalabrine in knockout this after... (Vine by @NBA) https://t.co/Q3mGYRDHSF'),
 ('Not Relevant',
  'Relevant',
  'I liked a @YouTube video from @screwattack http://t.co/W5dLLV48cs Knuckles punches into DEATH BATTLE!'),
 ('Not Relevant',
  'Not Relevant',
  "#LonePine remembered around Australia as 'descendants' grow via @666canberra #Gallipoli #WW1\nhttp://t.co/T4fvVnRPc5 http://t.co/0zZnbVFUVO"),
 ('Not Relevant',
  'Not Relevant',
  "#LonePine remembered around Australia as 'descendants' grow via @666canberra #Gallipoli #WW1\nhttp://t.co/bwadX8ywqN http://t.co/UPFjy88KvI"),
 ('Not Relevant',
  'Not Relevant',
  "how did I miss that Gary Busey's son plays DIXIE on his electronic green fiddle during the post-battle celebration sequence"),
 ('Relevant',
  'Relevant',
  'News: FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/xteZGjfs8A'),
 ('Not Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps #breakingnews'),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/kA0syAhqVW via @usatoday'),
 ('Not Relevant',
  'Not Relevant',
  'FedEx no longer will transport bioterror germs http://t.co/qfjjDxes7G via @USATODAY'),
 ('Not Relevant',
  'Not Relevant',
  'USA TODAY: .@FedEx will no longer to transport bioterror pathogens after ... - http://t.co/iaDlSlqdpd #NewsInTweets http://t.co/o8y1suL4Ow'),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/HQsU8LWltH via @usatoday'),
 ('Relevant',
  'Relevant',
  'Jacksonville Busines FedEx stops shipping potential bioterror pathogens http://t.co/sHzsYmaUSi'),
 ('Not Relevant',
  'Not Relevant',
  'FedEx will no longer transport bioterror pathogens in wake of anthrax lab mishaps http://t.co/lHpgxc4b8J'),
 ('Not Relevant',
  'Relevant',
  '.@APHL responds: FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/cGdj3dRso9'),
 ('Relevant',
  'Relevant',
  '#News FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps (say what?): åÊFedEx no... http://t.co/K0Y7xFxmXA #TCOT'),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/1CsEBhPLfh via @usatoday'),
 ('Relevant',
  'Relevant',
  'FedEx to stop transporting bioterror germs after lab mishaps: FedEx has stopped transporting certain research ... http://t.co/y3dM9uLqxG'),
 ('Not Relevant',
  'Not Relevant',
  'FedEx no longer will ship potential bioterror pathogens http://t.co/CHORr2XOVp via @AtlBizChron'),
 ('Not Relevant',
  'Not Relevant',
  "#frontpage: #Bioterror lab faced secret sanctions. #RickPerry doesn't make the cut for @FoxNews #GOPDebate http://t.co/fZujg7sXJg @USATODAY"),
 ('Relevant',
  'Not Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/qZQc8WWwcN via @usatoday'),
 ('Not Relevant',
  'Not Relevant',
  'Unsurprising/still dismaying consequences of how we went about securing pathogen access: http://t.co/D8EFmGyR2d'),
 ('Relevant',
  'Relevant',
  'House Energy &amp;amp; Commerce subcommittee to hold 7/28 hearing of CDC oversight of bioterror labs Army anthrax mishaps. htt\x89Û_'),
 ('Relevant',
  'Relevant',
  'FedEx not willing to transport research specimens of potential bioterror pathogens in wake of anthrax lab mishaps  http://t.co/cM8UnI1mRG'),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps\n\nhttp://t.co/SjNKpJ8lEe\n\n#watchcbs19 http://t.co/JiRXfok46c'),
 ('Relevant',
  'Relevant',
  '#world FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps  http://t.co/wvExJjRG6E'),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/P96rgBbaYL #news #phone #apple #mobile'),
 ('Relevant',
  'Relevant',
  'Latest fallout from biolab safety lapses: FedEx no longer will transport anthrax &amp; select agent research specimens http://t.co/4iOOyIbxyo'),
 ('Not Relevant',
  'Not Relevant',
  'RT alisonannyoung: EXCLUSIVE: FedEx no longer to transport research specimens of bioterror pathogens in wake of anthrax lab mishaps \x89Û_'),
 ('Not Relevant',
  'Relevant',
  'Hmm...this could be problem for some researchers: FedEx no longer to transport select agents http://t.co/9vIibxgjAV via @usatoday'),
 ('Not Relevant',
  'Not Relevant',
  '#world FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps  http://t.co/5zDbTktwW7'),
 ('Relevant',
  'Relevant',
  '#FedEx no longer to transport #bioterror germs in wake of #anthrax lab mishaps http://t.co/Ziw1RWPJkK'),
 ('Relevant',
  'Relevant',
  'FedEx stops shipping potential bioterror pathogens: FedEx Corp. (NYSE: FDX) will no longer deliver packages that\x89Û_ http://t.co/CRD6tgIZhG'),
 ('Not Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/pWAMG8oZj4'),
 ('Relevant',
  'Relevant',
  'FedEx no longer will ship potential bioterror pathogens - FedEx Corp. (NYSE: FDX) will no longer deliver packages ... http://t.co/2kdq56xTWs'),
 ('Not Relevant',
  'Not Relevant',
  'Citizens Education Project has acted for years as a watchdog on the Dugway Proving Grounds. http://t.co/NZHXYapLm0'),
 ('Not Relevant',
  'Not Relevant',
  'FedEx no longer will ship potential bioterror pathogens - Atlanta Business Chronicle http://t.co/YLLQJljiIQ'),
 ('Not Relevant',
  'Not Relevant',
  'Thank you @FedEx for no longer shipping live microbes for the Department of Defense\n\nhttp://t.co/zAHNEwJrI8'),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/L04Q4DKvue http://t.co/z5voujEus4'),
 ('Not Relevant',
  'Not Relevant',
  'FedEx no longer will transport bioterror germs http://t.co/9lam19N5i5 via @USATODAY'),
 ('Relevant',
  'Relevant',
  "#NowPlaying at #orchardalley in #LES of #nyc 'bioterror- manufactured fear and state repression' @abcnorio #gardens http://t.co/Ba2rRXUgsG"),
 ('Not Relevant',
  'Not Relevant',
  'FedEx no longer will transport bioterror germs http://t.co/SHrhkfj1bC via @usatoday'),
 ('Relevant',
  'Relevant',
  'In offbeat news @fedex has stopped shipping bioterror pathogens http://t.co/gvXXidHOlF'),
 ('Relevant',
  'Relevant',
  '[JAX Biz Journal] FedEx stops shipping potential bioterror pathogens http://t.co/R33nCvjovC'),
 ('Relevant',
  'Relevant',
  "USATODAY: On today's #frontpage: #Bioterror lab faced secret sanctions. #RickPerry doesn't make the cut for FoxNew\x89Û_ http://t.co/5uKOHk7SoB"),
 ('Not Relevant',
  'Not Relevant',
  '#BreakingNews http://t.co/gAN14PW9TG FedEx no longer willing to transport research specimens of potential bioter\x89Û_ http://t.co/5n4hUsewLy'),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/RghHkWtKLR #newsdict #news  #FedEx'),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/c0p3SEsqWm via @usatoday'),
 ('Relevant',
  'Relevant',
  'FedEx stops shipping potential bioterror pathogens http://t.co/tkeOAeDQKq #trucking'),
 ('Not Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/MqbYrAvK6h'),
 ('Not Relevant',
  'Relevant',
  '#FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/S4SiCMYRmH'),
 ('Not Relevant',
  'Not Relevant',
  'FedEx no longer shipping bioterror germs - WXIA-TV | @scoopit http://t.co/ZQqJrQsbJm'),
 ('Not Relevant',
  'Not Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/hrqCJdovJZ'),
 ('Relevant',
  'Relevant',
  "USATODAY: On today's #frontpage: #Bioterror lab faced secret sanctions. #RickPerry doesn't make the cut for FoxNew\x89Û_ http://t.co/xFHh2XF9Ga"),
 ('Relevant',
  'Relevant',
  'FedEx no longer to transport bioterror germs in wake of anthrax lab mishaps http://t.co/4M5UHeyfDo via @USATODAY'),
 ('Not Relevant',
  'Not Relevant',
  "Biolab safety concerns grow: FedEx stops transporting certain specimens. Research facilities 'dumbfounded' by action. http://t.co/RUjV4VPnBV"),
 ('Relevant',
  'Relevant',
  'Bioterrorism and Ebola. http://t.co/ORIOVftLK4 RT #STOPIslam #TCOT #CCOT #MakeDCListen #TeaParty'),
 ('Relevant',
  'Relevant',
  'The largest bioterrorism attack on U.S. soil involved tacos @atlasobscura http://t.co/1n9CRhWmgl'),
 ('Not Relevant', 'Relevant', 'To fight bioterrorism sir.'),
 ('Relevant',
  'Relevant',
  'I liked a @YouTube video http://t.co/XO2ZbPBJB3 FEMA REGION III TARGETED for BIOTERRORISM !!! NASA - JAPAN ROCKET LAUNCH with LITHIUM'),
 ('Relevant',
  'Relevant',
  '#anthrax #bioterrorism CDC To Carry Out Extensive Review of Lab Safety And Pathogen Handling Procedures http://t.co/bCLqpWFDOd'),
 ('Not Relevant',
  'Not Relevant',
  'Firepower in the lab [electronic resource] : automation in the fight against infectious diseases and bioterrorism /\x89Û_ http://t.co/KvpbybglSR'),
 ('Relevant',
  'Relevant',
  '@CAgov If 90BLKs&amp;8WHTs colluded 2 take WHT F @USAgov AUTH Hostage&amp;2 make her look BLK w/Bioterrorism&amp;use her lgl/org IDis ID still hers?@VP'),
 ('Not Relevant',
  'Relevant',
  "@DarrellIssa Does that 'great Iran deal' cover bioterrorism? You got cut off terrible of them. Keep up the good work."),
 ('Not Relevant',
  'Relevant',
  'Is it time to hedge against catastrophic risks such as climate change asteroid impacts or bioterrorism? https://t.co/HQ6WqsgSJX'),
 ('Not Relevant',
  'Relevant',
  'A Tale of Two Pox - Body Horrors http://t.co/W2IXT1k0AB #virus #infectiousdiseases #bioterrorism'),
 ('Relevant',
  'Relevant',
  '@USCOURT If 90BLKs&amp;8WHTs colluded 2 take WHT F @USAgov AUTH Hostage&amp;2 make her look BLK w/Bioterrorism&amp;use her lgl/org IDis ID still hers?'),
 ('Relevant',
  'Relevant',
  'Bioterrorism public health superbug biolabs epidemics biosurveillance outbreaks | Homeland Security News Wire http://t.co/cvhYGwcBZv'),
 ('Not Relevant',
  'Not Relevant',
  "Creation of AI\nClimate change\nBioterrorism\nMass automation of workforce\nContact with other life\nWealth inequality\n\nYea we've got it easy"),
 ('Not Relevant',
  'Not Relevant',
  'In Lies We Trust #dvd CIA Hollywood and Bioterrorism Len Horowitz Vaccines Nwo http://t.co/6PAGJqfbzK http://t.co/qzizElxbyr'),
 ('Relevant',
  'Relevant',
  "@O_Magazine satan's daughter shadow warrior in 50ft women aka transgender mode ps nyc is about to fold extra extra center of bioterrorism"),
 ('Relevant',
  'Relevant',
  "@DrRichardBesser Yes. I would think not. But since college 88-92 it's been difficult not to think of bioterrorism esp. bc 'dispersed.'"),
 ('Relevant',
  'Relevant',
  'Volunteers needed to participate in Emergency Preparedness drill simulating a bioterrorism disaster: http://t.co/NWV2RvGHf3 @HVnewsnetwork'),
 ('Relevant',
  'Relevant',
  '@MeyerBjoern @thelonevirologi @MackayIM of a major American newspaper running a series on all the alleged bioterrorism research going on 2/n'),
 ('Not Relevant',
  'Not Relevant',
  'Bioterrorism : Guidelines for Medical and Public Health Management (2002) http://t.co/zkUXHnoBaG http://t.co/FHgkYxffu5'),
 ('Not Relevant', 'Not Relevant', 'To fight bioterrorism sir.'),
 ('Not Relevant',
  'Relevant',
  'CDC has a pretty cool list of all bioterrorism agents :3'),
 ('Not Relevant',
  'Relevant',
  '@bbcworld Bioterrorism drones can reach large populated erea.'),
 ('Not Relevant',
  'Not Relevant',
  "@BishoyRagheb fair. Bioterrorism is the way to go. Does that mean my BSc isn't irrelevant?"),
 ('Relevant',
  'Relevant',
  'Government Experts Concerned About Possible Bioterrorism Using GM Organisms: Scientists are concerned that the... http://t.co/SuMe5prO0F'),
 ('Not Relevant',
  'Not Relevant',
  'Does This Prepare Us? HHS Selects 9 Regional Special #Pathogen Treatment Centers #Bioterrorism #Infectious #Ebola http://t.co/Qmo1TxxDkj'),
 ('Not Relevant',
  'Not Relevant',
  '@DebtAssassin They forget there is the threat of bioterrorism.'),
 ('Relevant',
  'Relevant',
  '@StationCDRKelly Any Support Sys 4 @USAgov AUTH taken Hostage by BLK US clergyforced 2 exist younger&amp;grossly disfigured by BIOTERRORISM?@AP'),
 ('Not Relevant',
  'Not Relevant',
  "70 won 70...&amp; some think possibility of my full transformation is impossible.  I don't quite like medical mysteries. BIOTERRORISM sucks."),
 ('Not Relevant', 'Relevant', 'To fight bioterrorism sir.'),
 ('Not Relevant',
  'Not Relevant',
  "HST's Anthony Kimery Discusses #BioTerrorism on @Syfy Channel's 'Joe Rogan Questions Everything' #Pathogen #Virus http://t.co/0FDsc3f2IW"),
 ('Relevant',
  'Relevant',
  "Anthony Kimery Discusses #BioTerrorism on SyFy Channel's 'Joe Rogan Questions Everything' http://t.co/zckJWAcRCs"),
 ('Relevant',
  'Relevant',
  '@HarvardU If 90BLKs&amp;8WHTs colluded 2 take WHT F @USAgov AUTH Hostage&amp;2 make her look BLK w/Bioterrorism&amp;use her lgl/org IDis ID still hers?'),
 ('Not Relevant',
  'Not Relevant',
  'How about a book describing the future of therapies technologies sport sexuality bioterrorism and diagnosis? #digitalhealth #hcsm'),
 ('Not Relevant',
  'Relevant',
  "@APhiABeta1907 w/ugliness due 2 your 'ugly'@AMESocialAction Frat's BIOTERRORISMI'm she who's @FBI ID U $tolewant'g another in my Home.@ABC"),
 ('Relevant',
  'Relevant',
  'Uganda Seen as a Front Line in the Bioterrorism Fight'),
 ('Not Relevant',
  'Relevant',
  'Ppl living w/ HIV have been charged with aggravated assault and bioterrorism for things w/ low or no risk of transmission. #HIVIsNotaCrime'),
 ('Relevant',
  'Relevant',
  '@HowardU If 90BLKs&amp;8WHTs colluded 2 take WHT F @USAgov AUTH Hostage&amp;2 make her look BLK w/Bioterrorism&amp;use her lgl/org IDis ID still hers?'),
 ('Not Relevant', 'Not Relevant', 'To fight bioterrorism sir.'),
 ('Relevant',
  'Not Relevant',
  'Studying anthrax and bioterrorism before 7 am ?? #carpediem'),
 ('Relevant',
  'Relevant',
  '@GACourts If 90BLKs&amp;8WHTs colluded 2 take WHT F @USAgov AUTH Hostage&amp;2 make her look BLK w/Bioterrorism&amp;use her lgl/org IDis ID still hers?'),
 ('Relevant',
  'Relevant',
  '@cspanwj If 90BLKs&amp;8WHTs colluded 2 take WHT F @USAgov AUTH Hostage&amp;2 make her look BLK w/Bioterrorism&amp;use her lgl/org IDis ID still hers?'),
 ('Not Relevant',
  'Not Relevant',
  'Bioterrorism: Guidelines for Medical and Public Health Management Donald A. Hen http://t.co/tDg0Bsmd6c http://t.co/iirWFZMKHO'),
 ('Not Relevant',
  'Not Relevant',
  "@ONU_France 74/75 Bioterrorism on '@Rockefeller_Chi/@RockefellerUniv'Heiress 2 evade lgl efforts 2 prosecute BLKs 4 @HarvardU kidnap'g.@AFP"),
 ('Not Relevant', 'Relevant', 'To fight bioterrorism sir.'),
 ('Relevant',
  'Relevant',
  'The #IranDeal only covers nuclear activity. What are they doing about Bioterrorism? Iran has broken at least 27 other agreements.'),
 ('Not Relevant', 'Not Relevant', 'To fight bioterrorism sir.'),
 ('Not Relevant',
  'Relevant',
  "@prsnvns that's good to hear. Mine could be better but I can manage. It's alright you do what you have to. Bioterrorism doesn't wait."),
 ('Not Relevant',
  'Relevant',
  'The Threat | Anthrax | CDC http://t.co/q6oxzq45VE via @CDCgov'),
 ('Not Relevant',
  'Not Relevant',
  "@mariashriver Was '@FultonInfo'Court trip 2 keep strangers-BLK&amp;WHT-from us'g my @SSAPress ID or 2 forfeit 2 them due 2 Bioterrorism look?@AP"),
 ('Relevant',
  'Relevant',
  '#bioterrorism Authorities allay #glanders fears ahead of Rio Olympic equestrian test event http://t.co/UotPNSQpz5 via @HorsetalkNZ'),
 ('Not Relevant', 'Not Relevant', '@Kaotix_Blaze craving u'),
 ('Not Relevant',
  'Not Relevant',
  "I've been by the pool all day #raisinfingers"),
 ('Not Relevant',
  'Not Relevant',
  'Do you know anyone looking to move to Hammond OR? Share this listing! http://t.co/3xn1soh4Bb'),
 ('Not Relevant',
  'Not Relevant',
  'Life is amazin same time its crazy niggas dey wanna blaze me hate it because i made it all it took was dedication n some motivation'),
 ('Not Relevant',
  'Not Relevant',
  "@_AfroJazz I'll add you (i dont even know what you talking about)"),
 ('Not Relevant', 'Not Relevant', 'Blaze is my bro http://t.co/UdKeSJ01mL'),
 ('Not Relevant', 'Not Relevant', '@Shayoly yes I love it'),
 ('Not Relevant',
  'Not Relevant',
  'See a virtual tour of one of our listings on 547 Fir St Cannon Beach OR listed by Dorrie Caruana. http://t.co/nF46PAYTvw'),
 ('Not Relevant',
  'Not Relevant',
  'I never got paid to give a fuck..we might as well blaze another one'),
 ('Relevant',
  'Relevant',
  'Pendleton media office said only fire on base right now is the Horno blaze.'),
 ('Not Relevant',
  'Not Relevant',
  'Welcome @djryanwolf @djcoreygrand @djknyce @djoneplustwo @OfficialCoreDJs #Family #Cleveland #StandUp @IAMTONYNEAL http://t.co/P6GqmCTgLj'),
 ('Not Relevant',
  'Relevant',
  'Love living on my own. I can blaze inside my apt or on the balcony'),
 ('Not Relevant',
  'Not Relevant',
  "@bellalinn alrighty Hit me up and we'll blaze!!"),
 ('Not Relevant', 'Not Relevant', 'i blaze jays fuck the dutch slave trade.'),
 ('Not Relevant',
  'Not Relevant',
  '@JuneSnowpaw Yeah Gimme dat creamy white stuff ;3'),
 ('Not Relevant',
  'Not Relevant',
  'My hair is poverty at the moment need to get a fade before the weekend gets here'),
 ('Relevant',
  'Relevant',
  'Property losses from California wildfire nearly double as week-old blaze rages http://t.co/E0UUsnpsq5'),
 ('Relevant',
  'Relevant',
  '#breaking Firefighters battling blaze at east Cary condo building http://t.co/mIM8hH2ce6'),
 ('Not Relevant', 'Not Relevant', 'niggas love hating.'),
 ('Not Relevant',
  'Not Relevant',
  "@audacityjamesta Don't be like that babes &lt;3 you'll have a ball of fun with me at LAN! :)"),
 ('Not Relevant', 'Not Relevant', 'Your reaction determines that'),
 ('Relevant',
  'Relevant',
  'Port Coquitlam fire crews say an electric towel warmer started the four alarm blaze last week that destroyed several businesses.'),
 ('Not Relevant',
  'Not Relevant',
  'I liked a @YouTube video from @iamrrsb http://t.co/PdEHd1tCpk Minecraft Skywars - O BLAZE QUE USA HACK E FLECHADAS SINISTRAS!'),
 ('Not Relevant',
  'Not Relevant',
  'What Dems do. Blaze covered months ago.Chicago police detained thousands of black Americans at interrogation facility http://t.co/UWItVBsbnC'),
 ('Not Relevant', 'Not Relevant', "Yo I got bars and I'm not even a rapper"),
 ('Not Relevant',
  'Relevant',
  'I liked a @YouTube video from @ashens http://t.co/yC9tywuzQm Blaze / Atgames Handheld Mega Drives | Ashens'),
 ('Not Relevant',
  'Not Relevant',
  'UGH Y DID BLAZE PUT THE CALORIES BY THEIR PIZZAS? OK COOL #thisispublichealth'),
 ('Not Relevant',
  'Not Relevant',
  'pic of me and blaze in a fort when we were kids i look like a jackass stuffin my face like that ?????? http://t.co/aE9cPIexAK'),
 ('Not Relevant',
  'Not Relevant',
  'looks like a year of writing and computers is ahead. http://t.co/CyXbrZXWq4'),
 ('Not Relevant', 'Not Relevant', '@Beautiful_Juic1 just letting you know'),
 ('Not Relevant',
  'Not Relevant',
  "@BabySweet420 I'm mad 420 in your name &amp; you don't blaze."),
 ('Not Relevant',
  'Not Relevant',
  '@GuiltyGearXXACP yeah I know but blaze blue dont have a twitter lol I drew this a few weeks ago http://t.co/sk3l74FLzZ'),
 ('Not Relevant',
  'Not Relevant',
  '#socialmedia news - New Facebook Page Features Seek to Help Personalize the Customer Experience http://t.co/nbizaTlsmV'),
 ('Not Relevant',
  'Not Relevant',
  '@DJJOHNBLazE shout out blaze the hottest DJ in the Sothwest'),
 ('Not Relevant',
  'Not Relevant',
  "I liked a @YouTube video http://t.co/N95IGskd3p Minecraft: Episode 2 'Blaze Farm Beginnings!'"),
 ('Relevant',
  'Relevant',
  'Property losses from #California wildfire nearly double as week-old blaze rages: The fire\x89Û_ http://t.co/MsdizftZ2g'),
 ('Not Relevant',
  'Not Relevant',
  '@ChristyCroley Not in the works yet. Did you see the new Vela Short in Blaze? http://t.co/Q8rEoEVluE'),
 ('Not Relevant', 'Not Relevant', 'Craving slurpees ;-;'),
 ('Not Relevant',
  'Relevant',
  'Omg i need to go like yesterday ???? https://t.co/3oP6G7ovzO'),
 ('Not Relevant',
  'Not Relevant',
  '@UABStephenLong @courtlizcamp Total tweet fail! You are so beautiful inside and out Blaze On!'),
 ('Not Relevant', 'Not Relevant', '@OVOIzic @BaddieMoneySign blaze it'),
 ('Relevant',
  'Relevant',
  'Lithgow News: Homeless after blaze near Portland http://t.co/Cht5w3znIK'),
 ('Not Relevant',
  'Not Relevant',
  'The mixtape is coming i promise. We goin in right now http://t.co/uUNGRqoUgn'),
 ('Not Relevant',
  'Not Relevant',
  '@_itzSteven @xdojjjj @whopper_jr_760 huh?? me you and leo started that last year and ever since people blaze it in the back??'),
 ('Not Relevant',
  'Not Relevant',
  "@Blizzard_draco I saw\n\nlet's eat blaze @BlazinSmasher"),
 ('Not Relevant',
  'Not Relevant',
  '3 Bedrooms 1 Baths for sale in 29 Palms CA. (http://t.co/QMS8RRESsd)\n(YouTube Video:... http://t.co/zLa30jCsSQ'),
 ('Not Relevant',
  'Not Relevant',
  'My big buzzy John BlaZe. Jus Kame home from a 12 year bid. #LoveThyFamily https://t.co/xrEuoNzzbi'),
 ('Not Relevant', 'Not Relevant', '?? Yes I do have 2 guns ?? ??'),
 ('Not Relevant', 'Not Relevant', '@a__cee DAEM GIRL SMOOTH ASF c: ?'),
 ('Not Relevant',
  'Not Relevant',
  "https://t.co/WKv8VqVkT6 #ArtisteOfTheWeekFact say #Conversations by #coast2coastdjs agree @Crystal_Blaz 's #Jiwonle is a #HipHop #ClubBanger"),
 ('Not Relevant',
  'Not Relevant',
  'Bright &amp; BLAZING Fireman Birthday Party http://t.co/9rFo9GY3nE #Weddings'),
 ('Not Relevant', 'Not Relevant', 'Just cruisingblazing and banging ?'),
 ('Not Relevant',
  'Not Relevant',
  'REAL ViBEZ RADIO - BLAZING THE BEST VIBEZ!!! http://t.co/EMvOhm9m6j #nowplaying #listenlive'),
 ('Not Relevant',
  'Relevant',
  'Montgomery come for the blazing hot weather...stay for the STDs. Yet another rejected city slogan.'),
 ('Not Relevant',
  'Not Relevant',
  'Come and join us Tomorrow!\nAugust 7 2015 at Transcend:Blazing the Trail to the Diversified World of Marketing... http://t.co/NR1I8Qnao1'),
 ('Not Relevant',
  'Not Relevant',
  'Morgan Silver Dollar 1880 S Gem BU DMPL Cameo Rev Blazing MS+++++ High grade! - Full read \x89Û_ http://t.co/IU9baFDXeY http://t.co/AphqU5SvET'),
 ('Not Relevant',
  'Not Relevant',
  'Morgan Silver Dollar 1880 S Gem BU DMPL Cameo Rev Blazing MS+++++ High grade! - Full read \x89Û_ http://t.co/m96KbQwiOr http://t.co/wrJR846fKS'),
 ('Not Relevant',
  'Not Relevant',
  "This bowl got me thinking... Damn I've been blazing for so damn long"),
 ('Not Relevant',
  'Not Relevant',
  "@DanRyckert @drewscanlon He's blazing through this game with the best stealth skills yet. Nothing beats the silenced M4."),
 ('Not Relevant',
  'Not Relevant',
  'the bitches say im hot i say no bitch im blazing'),
 ('Not Relevant',
  'Not Relevant',
  '@BryanVsBracey @uSTADIUM why do you need blazing speed? I think Watt is far more impressive that OBJ who is just another quick little guy'),
 ('Not Relevant',
  'Not Relevant',
  'Bit pacquiao vs marquez 3 unfilled blazing swarm online: DuRvOd http://t.co/6VJA8R4YXA'),
 ('Not Relevant',
  'Not Relevant',
  'Turn on your radios #stoponesounds is live on your #airwaves http://t.co/g7S34Sw2aM &amp; 107.9 fm @StickyNYC @95roots  blazing all your hits'),
 ('Not Relevant', 'Not Relevant', '@BaseballQuotes1 I have a 32 inch dynasty'),
 ('Not Relevant',
  'Not Relevant',
  "I'm the only weapons master here! Let's go in guns blazing!\n#Hinatobot"),
 ('Not Relevant',
  'Not Relevant',
  '@Blazing_Ben @PattyDs50 @gwfrazee @JoshuaAssaraf Not really. Sadly I have come to expect that from Obama.'),
 ('Not Relevant',
  'Not Relevant',
  'I checked in at Blazing Horse Tattoo on #Yelp http://t.co/z8nXWmYMWA'),
 ('Not Relevant',
  'Not Relevant',
  'SHOUOUT TO @kasad1lla CAUSE HER VOCALS ARE BLAZING HOT LIKE THE WEATHER SHES IN'),
 ('Not Relevant',
  'Not Relevant',
  'S3XLEAK!!!\nPh0tos of 19yrs old Ash@wo lady in Festac town from Delta exp0sed on BBM 5 leaked pictures... http://t.co/ixREhM05yq'),
 ('Not Relevant',
  'Not Relevant',
  'Oh my heart racing And my temperature is blazing through the roof #VideoVeranoMTV Fifth Harmony'),
 ('Not Relevant',
  'Not Relevant',
  '@omgbethersss @BethanyMota haha love this??'),
 ...]

In [41]:
#embfile = open('/Users/pratheekrebala/Downloads/crisis_all_data_vecs.bin', 'rb')
embfile = open('./data/crisis_embeddings.text', 'r')
#embfile.readline()

In [42]:
embeddings_index = {}
f = embfile #open('/Users/pratheekrebala/Downloads/crisis_all_data_vecs.bin', 'rb')
for line in f:
    values = line.split()
    word = values[0]
    coefs = numpy.asarray(values[1:], dtype='float32')
    embeddings_index[word] = coefs
f.close()

print('Found %s word vectors.' % len(embeddings_index))


Found 20733 word vectors.

In [ ]:


In [103]:
def openemb(embfile):
    f = open(embfile, 'rb')

    vec_size_got = int ( f.readline().strip().split()[1]) # read the header to get vec dim

    if vec_size_got != vec_size:
        print " vector size provided and found in the file don't match!!!"
        raw_input(' ')
        exit(1)

    # load Embedding matrix
    row_nb = index_from+len(vocab_idmap)    
    E      = 0.01 * np.random.uniform( -1.0, 1.0, (row_nb, vec_size) )

    wrd_found = {}


    #fo = open("reduced_crisis_emb.txt", "rw+")
    #fo.write("300000 300\n")	
    #test = 0
    for line in f: # read from the emb file
        all_ent   = line.split()
	#print(all_ent)
        word, vec = all_ent[0].lower(), map (float, all_ent[1:])

        if vocab_idmap.has_key(word):
            wrd_found[word] = 1 
            wid    = vocab_idmap[word] + index_from
            E[wid] = np.array(vec)
	    #test = test + 1
	    #write to tmp file
	    #fo.write(line)
    #print(test)
    #fo.close()
    f.close()
    print " Number of words found in emb matrix: " + str (len (wrd_found)) + " of " + str (len(vocab_idmap))

    return E


  File "<ipython-input-103-a2bb3733d6ca>", line 7
    print " vector size provided and found in the file don't match!!!"
                                                                     ^
SyntaxError: Missing parentheses in call to 'print'

In [44]:
boston.columns = list(map(lambda x: x.strip(),list(boston.columns)))

In [51]:
boston['Informativeness'] == 'Not applicable'


Out[51]:
True

In [16]:
crowdflower[:1000]["text"].apply(tokenize_it.tweet_to_tokens)


Out[16]:
0                 [just, happen, a, terribl, car, crash]
1      [our, deed, are, the, reason, of, thi, #, eart...
2      [heard, about, #, earth, quak, is, differ, cit...
3      [there, is, a, forest, fire, at, spot, pond, ,...
4        [forest, fire, near, la, rong, sask, ., canada]
5      [all, resid, ask, to, 'shelter, in, place', ar...
6      [|~num~|, peopl, receiv, #, wild, fire, evacu,...
7      [just, got, sent, thi, photo, from, rubi, #, a...
8      [#, fire, rocki, updat, |~happy~|, california,...
9        [apocalyps, light, ., #, spokan, #, wild, fire]
10     [#, flood, #, disast, heavi, rain, caus, flash...
11     [typhoon, soudelor, kill, |~num~|, in, china, ...
12                [we'r, shake, ..., it', an, earthquak]
13     [i'm, on, top, of, the, hill, and, i, can, see...
14     [there', an, emerg, evacu, happen, now, in, th...
15     [i'm, afraid, that, the, tornado, is, come, to...
16     [|~units~|, peopl, die, from, the, heat, wave,...
17     [haha, south, tampa, is, get, flood, hah, -, w...
18     [#, rain, #, flood, #, a, florid, #, a, bay, t...
19     [#, flood, in, bago, myanmar, #, we, arriv, bago]
20     [damag, to, school, bu, on, |~num~|, in, multi...
21     [they'd, probabl, still, show, more, life, tha...
22                            [hey, !, how, are, you, ?]
23                                   [what', up, man, ?]
24                                      [i, love, fruit]
25                                    [summer, is, love]
26                               [my, car, is, so, fast]
27                               [what, a, nice, hat, ?]
28           [what, a, goal, |~exag~|, !, !, !, !, !, !]
29                                        [fuck, off, !]
                             ...                        
970    [lithgow, news, :, homeless, after, blaze, nea...
971    [the, mixtap, is, come, i, promis, ., we, goin...
972    [@, even, _itzst, @, xdojjjj, @, who, pper_jr_...
973    [@, blizzard, _draco, i, saw, let', eat, blaze...
974    [|~num~|, bedroom, |~num~|, bath, for, sale, i...
975    [my, big, buzzi, john, blaze, ., ju, kame, hom...
976    [?, ?, ye, i, do, have, |~num~|, gun, ?, ?, ?, ?]
977      [@, a, __cee, daem, girl, smooth, asf, c, :, ?]
978    [|~website~|, #, a, of, the, week, fact, rtist...
979    [bright, &, blaze, fireman, birthday, parti, |...
980                   [just, cruisingblaz, and, bang, ?]
981    [real, vibez, radio, -, blaze, the, best, vibe...
982    [montgomeri, come, for, the, blaze, hot, weath...
983    [come, and, join, us, tomorrow, !, |~date~|, a...
984    [morgan, silver, dollar, |~num~|, s, gem, bu, ...
985    [morgan, silver, dollar, |~num~|, s, gem, bu, ...
986    [thi, bowl, got, me, think, ..., damn, i'v, be...
987    [@, dan, ryckert, @, drew, scan, on, l, he', b...
988    [the, bitch, say, im, hot, i, say, no, bitch, ...
989    [@, bryan, acey, vsbr, @, us, tadium, whi, do,...
990    [bit, pacquiao, vs, |~date~|, unfil, blaze, sw...
991    [turn, on, your, radio, #, stop, |~units~|, so...
992    [@, base, ball, quot, |~num_alpha~|, i, have, ...
993    [i'm, the, onli, weapon, master, here, !, let'...
994    [@, blaze, ben, _, @, pat, |~num_alpha~|, @, g...
995    [i, check, in, at, blaze, hors, tattoo, on, #,...
996    [shouout, to, @, a, |~num_alpha~|, caus, her, ...
997    [|~num_alpha~|, !, !, !, |~num_alpha~|, of, |~...
998    [oh, my, heart, race, and, my, temperatur, is,...
999    [@, omgbethersss, @, beth, ani, a, mot, haha, ...
Name: text, dtype: object

In [13]:
tokenizer = keras.preprocessing.text.Tokenizer(nb_words=10000, lower=True, split=" ")
#keras.preprocessing.text.text_to_word_sequence(crowdflower[200:202]['text'][200])

In [65]:
tokenizer.texts_to_sequences(texts=list(crowdflower['text']))


Out[65]:
[[32, 748, 5, 1541, 123, 96],
 [112, 5394, 24, 4, 844, 8, 21, 252, 153, 1743, 3694, 87, 41],
 [373, 54, 252, 11, 1305, 1813, 664, 1499, 267],
 [76,
  11,
  5,
  167,
  44,
  20,
  833,
  2317,
  7010,
  24,
  3929,
  862,
  4,
  688,
  10,
  1296,
  476,
  100,
  41],
 [167, 44, 202, 930, 8526, 8345, 1442],
 [41,
  1563,
  1532,
  6,
  7721,
  7,
  5341,
  24,
  145,
  8795,
  19,
  1749,
  39,
  294,
  271,
  57,
  2185,
  7,
  783,
  1592,
  24,
  1240],
 [772, 2833, 61, 4323, 1086, 271, 1592, 7, 110],
 [32, 102, 1466, 21, 293, 23, 5425, 2319, 30, 291, 23, 1086, 7086, 71, 5, 201],
 [3004,
  422,
  110,
  1779,
  850,
  875,
  7,
  820,
  7591,
  392,
  6,
  1273,
  423,
  44,
  5255,
  1086],
 [390, 3187, 5750, 1086],
 [206, 77, 901, 310, 1056, 896, 299, 8, 1729, 7, 7726, 1124, 2754, 1675],
 [228, 785, 357, 2270, 7, 975, 9, 1289],
 [826, 3450, 65, 42, 252],
 [47, 12, 223, 8, 4, 2078, 9, 10, 72, 111, 5, 44, 7, 4, 4322],
 [478, 42, 75, 271, 1241, 56, 7, 4, 576, 862, 4, 688],
 [47, 2214, 18, 4, 550, 11, 255, 6, 112, 345],
 [493, 61, 495, 23, 4, 285, 455, 37, 547],
 [935,
  501,
  2287,
  11,
  248,
  2688,
  3966,
  686,
  5,
  716,
  10,
  191,
  7,
  501,
  2287,
  62,
  190,
  10,
  264,
  68,
  62,
  190,
  10,
  264,
  68,
  7193,
  299],
 [3838, 299, 2050, 8882, 2287, 870, 57, 1932, 632, 340, 818, 3868],
 [206, 7, 3905, 1023, 45, 1641, 3905],
 [249, 6, 201, 494, 12, 4444, 7, 2940, 123, 96, 352],
 [3175, 764, 84, 329, 52, 126, 82, 2562, 164, 1214, 2174, 2174],
 [810, 59, 24, 14],
 [777, 31, 109],
 [10, 117, 5393],
 [260, 11, 1702],
 [15, 123, 11, 37, 840],
 [62, 5, 1183, 708],
 [62, 5, 8923],
 [403, 94],
 [39, 10, 73, 29, 1020],
 [21, 11, 3462],
 [1170, 11, 628],
 [117, 8829],
 [62, 5, 2463, 107],
 [7556, 73, 68, 18],
 [7799],
 [39, 150, 10, 140, 1267, 18, 221],
 [26, 7, 1398, 133, 335],
 [117, 15, 2835],
 [6232],
 [68, 14, 29, 4465],
 [39, 73, 618, 33, 18],
 [62, 46],
 [4, 396],
 [998],
 [3546,
  2075,
  410,
  11,
  216,
  790,
  58,
  44,
  2609,
  38,
  20,
  5832,
  2075,
  410,
  3,
  1,
  2,
  8580],
 [8533, 40, 14, 2440, 5444, 13, 3182, 216],
 [8538, 2075, 1943, 216, 3, 1, 2, 8392],
 [45, 283, 682, 6, 874, 4, 901, 1252, 91, 3, 1, 2, 6532],
 [6079, 352, 58, 1883, 830, 227, 216, 7, 1090, 3, 1, 2, 7724],
 [6850, 7995, 8100, 5446, 768, 1636, 1038, 504, 216, 3, 1, 2, 6116],
 [1730, 38, 13, 52, 227, 33, 216],
 [12, 2029, 812, 186, 20, 4, 1193, 133, 215, 16, 26, 216, 3, 1, 2, 7040],
 [7239,
  4920,
  2599,
  1951,
  37,
  208,
  3417,
  327,
  51,
  4989,
  34,
  10,
  2651,
  64,
  40,
  227,
  4,
  8978,
  216,
  21,
  992],
 [5241, 1317, 7, 5046, 227, 216, 3, 1, 2, 8698],
 [9090,
  8655,
  3061,
  256,
  115,
  937,
  227,
  216,
  2555,
  1739,
  582,
  371,
  8,
  4,
  540,
  4160,
  80,
  6636,
  3,
  1,
  2,
  6556],
 [216, 13, 14, 891, 566],
 [289,
  251,
  38,
  3,
  1,
  2,
  3235,
  3,
  1,
  2,
  3204,
  3,
  1,
  2,
  3152,
  3,
  1,
  2,
  3303,
  2189],
 [289,
  251,
  38,
  3,
  1,
  2,
  3235,
  3,
  1,
  2,
  3204,
  3,
  1,
  2,
  3152,
  3,
  1,
  2,
  3303,
  2189],
 [3006, 1824, 8654, 15, 6784, 6203, 808, 216, 2, 7431, 808, 216],
 [12, 4, 773, 195, 216, 9, 1215, 34, 195, 127, 725],
 [101,
  42,
  998,
  103,
  5757,
  4,
  5413,
  371,
  1317,
  4,
  9004,
  654,
  9,
  216,
  627,
  6,
  5780,
  5571,
  13,
  981,
  630,
  8,
  87],
 [5310, 7656, 13, 216, 8204],
 [10, 1042, 6, 227, 902, 216, 17, 15, 5041, 34, 35, 15, 1908, 3, 1, 2, 7360],
 [10,
  2780,
  79,
  2248,
  7,
  4,
  133,
  335,
  14,
  105,
  36,
  4257,
  9,
  2061,
  17,
  3,
  1,
  2,
  6733],
 [59, 4, 636, 26, 356, 957, 8, 1086, 216, 7, 110, 945, 3, 1, 2, 7013],
 [576, 4, 1601, 8558, 6, 126, 815, 4, 1729, 216],
 [289,
  251,
  38,
  3,
  1,
  2,
  3235,
  3,
  1,
  2,
  3204,
  3,
  1,
  2,
  3152,
  3,
  1,
  2,
  3303,
  2189],
 [2683, 120, 216, 8139, 7352, 27, 6286],
 [95, 109, 216, 19, 6831, 5313, 3, 1, 2, 8006, 53, 7931],
 [99,
  215,
  17,
  6836,
  7,
  65,
  1678,
  1555,
  488,
  50,
  580,
  6,
  16,
  10,
  28,
  6,
  2440,
  100,
  250,
  1341,
  215,
  13,
  4,
  274,
  121,
  20,
  454],
 [35,
  5,
  2798,
  565,
  61,
  40,
  172,
  90,
  400,
  9,
  312,
  17,
  16,
  1207,
  65,
  42,
  913,
  4758,
  611,
  60,
  11,
  54,
  55,
  227,
  4,
  317,
  216,
  6034],
 [3551, 109, 733, 213, 4608, 168, 227, 216, 3, 1, 2, 6818],
 [109, 1078, 50, 1594, 158, 2930, 13, 1331, 216, 4435, 3, 1, 2, 6936],
 [2303,
  1178,
  1073,
  30,
  197,
  1636,
  2580,
  216,
  5,
  626,
  121,
  132,
  332,
  495,
  8,
  1251,
  314,
  30,
  197,
  227,
  2580,
  7885,
  3,
  1,
  2,
  6393],
 [2555,
  1739,
  582,
  371,
  8,
  4,
  540,
  4160,
  80,
  7980,
  6466,
  4424,
  49,
  652,
  3,
  1,
  2,
  6815,
  3,
  1,
  2,
  6550],
 [80, 755, 6297, 227, 179, 1816, 7, 695, 8135, 3, 1, 2, 7876],
 [7897,
  1298,
  6420,
  70,
  5933,
  6038,
  703,
  6,
  111,
  15,
  7411,
  9,
  1163,
  894,
  7878,
  7637,
  3,
  1,
  2,
  7342],
 [7826,
  8472,
  12,
  4388,
  830,
  1246,
  227,
  16,
  216,
  239,
  944,
  5938,
  4652,
  8,
  4388,
  929,
  7,
  8852,
  3,
  1,
  2,
  7953],
 [241, 216, 8858, 7446, 1117, 773, 57, 9076, 6037, 3691, 3056, 3, 1, 2, 6368],
 [227,
  112,
  2604,
  216,
  9,
  250,
  214,
  26,
  5,
  2799,
  9,
  250,
  5875,
  26,
  29,
  5,
  3387,
  1047,
  4,
  8402,
  178,
  22,
  1,
  2,
  6112],
 [64,
  1193,
  26,
  216,
  379,
  7,
  2747,
  2837,
  47,
  3489,
  3059,
  9,
  2894,
  6,
  25,
  3535,
  17,
  2300,
  1221,
  46,
  10,
  105,
  15,
  4329],
 [59,
  4,
  636,
  26,
  356,
  957,
  8,
  1086,
  216,
  7,
  110,
  945,
  3,
  1,
  2,
  6569,
  898,
  1890,
  3,
  1,
  2,
  9091],
 [1331, 780, 216, 3, 1, 2, 7207],
 [8437,
  7,
  794,
  3977,
  1910,
  19,
  1137,
  8,
  1926,
  6748,
  216,
  3977,
  2074,
  1680,
  6,
  2416,
  6584],
 [7374,
  7542,
  7,
  54,
  5,
  1202,
  1344,
  78,
  28,
  227,
  134,
  5813,
  216,
  7,
  4,
  3250,
  6064,
  3,
  1,
  2,
  7526],
 [6191,
  4,
  7620,
  7,
  929,
  8,
  4,
  1630,
  19,
  15,
  246,
  7181,
  227,
  216,
  4,
  294,
  107,
  244,
  511,
  5211,
  31,
  4,
  8985,
  3172,
  983,
  46,
  16,
  26,
  169],
 [804, 6598, 216, 148, 12, 8753, 887, 6090, 3, 1, 2, 7581],
 [4133,
  216,
  27,
  6050,
  1160,
  6274,
  2900,
  3446,
  3925,
  6029,
  363,
  1326,
  22,
  1,
  2,
  7310],
 [8388,
  7506,
  897,
  232,
  214,
  3758,
  3326,
  5,
  853,
  5324,
  7209,
  8172,
  807,
  1279,
  5555,
  27,
  1636,
  16,
  216,
  3,
  1,
  2,
  7189,
  1548,
  8907],
 [7611,
  1615,
  251,
  108,
  38,
  162,
  24,
  444,
  908,
  110,
  11,
  5,
  7607,
  9,
  21,
  8380,
  26,
  1331,
  15,
  7602,
  216,
  8188],
 [804, 4133, 216, 27, 2187, 8020, 3614, 3, 1, 2, 7252, 969],
 [7712, 789, 44, 20, 2075, 1943, 216, 3, 1, 2, 9043],
 [7108, 8910, 2092, 34, 81, 720, 216, 17, 8878, 2424],
 [216,
  62,
  103,
  287,
  36,
  836,
  125,
  321,
  10,
  73,
  105,
  46,
  10,
  72,
  147,
  16,
  392,
  6,
  175],
 [718,
  140,
  28,
  604,
  2255,
  10,
  102,
  7,
  5,
  5965,
  88,
  27,
  3370,
  15,
  6760,
  65,
  3524,
  13,
  33,
  6,
  28,
  4736,
  1049,
  14,
  24,
  4,
  2111],
 [88,
  12,
  10,
  1114,
  149,
  9001,
  551,
  1611,
  7572,
  3376,
  82,
  3069,
  22,
  1,
  2,
  8165],
 [88,
  824,
  1769,
  1312,
  7,
  7287,
  12,
  87,
  2159,
  3448,
  213,
  220,
  841,
  5047,
  7375,
  551,
  3,
  1,
  2,
  7743],
 [88,
  2275,
  7,
  8254,
  12,
  9016,
  3166,
  941,
  2916,
  870,
  9,
  8549,
  2509,
  104,
  6,
  551,
  3,
  1,
  2,
  8119],
 [3,
  1,
  2,
  6985,
  101,
  5,
  6171,
  88,
  21,
  260,
  211,
  112,
  3048,
  27,
  111,
  59,
  5,
  5773,
  72,
  188,
  8741],
 [32,
  102,
  6,
  117,
  95,
  36,
  406,
  12,
  5,
  687,
  6743,
  7913,
  10,
  2056,
  343,
  912,
  6,
  172,
  16,
  427,
  23,
  33,
  8922,
  47,
  32,
  88,
  4603],
 [7444,
  7529,
  6681,
  1371,
  223,
  1056,
  8,
  1301,
  4639,
  22,
  1,
  2,
  6734,
  22,
  1,
  2,
  7856,
  123,
  88,
  8202],
 [10, 805, 7196, 221, 7, 88],
 [1083,
  3197,
  806,
  88,
  7,
  6537,
  12,
  8183,
  738,
  202,
  6379,
  1278,
  42,
  4765,
  806,
  176,
  420,
  3,
  1,
  2,
  7384],
 [7000, 191, 88, 4797],
 [79,
  123,
  5387,
  6087,
  3484,
  6308,
  123,
  2242,
  806,
  551,
  921,
  696,
  88,
  6723,
  927,
  1291,
  3,
  1,
  2,
  7610],
 [10,
  2197,
  1392,
  2962,
  1562,
  501,
  4036,
  4041,
  806,
  88,
  7143,
  875,
  20,
  199,
  212,
  90,
  870,
  198],
 [6209, 57, 7496, 84, 8317, 1918, 23, 366, 3, 1, 2, 6546, 88],
 [91, 8269, 1050, 8155, 1135, 36, 1154, 8, 5, 123, 88, 3, 1, 2, 7445],
 [5067, 8092, 64, 1588, 62, 26, 3642, 1025, 22, 1, 2, 8584],
 [551,
  6950,
  7589,
  918,
  88,
  12,
  6228,
  202,
  7166,
  11,
  16,
  6806,
  7736,
  1449,
  82,
  8700],
 [551, 88, 412, 6694, 1779, 8200, 3106, 7464, 320, 750, 245, 207, 2190, 4427],
 [10,
  2197,
  1392,
  2962,
  1562,
  6,
  391,
  501,
  4036,
  4041,
  806,
  88,
  7502,
  20,
  199,
  212,
  90,
  870,
  198],
 [4, 7896, 26, 35, 7, 4, 1026, 8, 4, 88, 66, 26, 4, 1456, 8, 4, 3621, 4842],
 [7426,
  2074,
  46,
  14,
  3414,
  6,
  203,
  5,
  1736,
  150,
  4,
  871,
  72,
  881,
  3223,
  41,
  19,
  88,
  7408,
  6669,
  82,
  179,
  5343,
  5515],
 [13,
  2528,
  9,
  1512,
  7977,
  308,
  6758,
  222,
  344,
  87,
  20,
  90,
  4475,
  8786,
  6117,
  88,
  8000,
  7100],
 [762,
  1631,
  729,
  50,
  168,
  30,
  840,
  30,
  45,
  7899,
  33,
  4078,
  11,
  18,
  70,
  762,
  2485,
  26,
  42,
  88,
  9,
  89,
  241,
  9103,
  8860,
  41,
  67],
 [10,
  26,
  7,
  5,
  483,
  123,
  88,
  21,
  366,
  1321,
  47,
  747,
  1700,
  6,
  50,
  327,
  675,
  14,
  193],
 [72, 686, 6, 111, 59, 2879, 4687, 11, 48, 10, 618, 169, 10, 26, 7, 177, 88],
 [7451,
  7711,
  12,
  8825,
  4988,
  3,
  1,
  2,
  7074,
  2045,
  162,
  46,
  1674,
  69,
  7,
  5,
  96,
  142,
  3,
  1,
  2,
  7504],
 [88, 7, 8127, 12, 87, 1640, 2855, 213, 3311, 6423, 551, 3, 1, 2, 7036],
 [478,
  5,
  2755,
  721,
  1189,
  12,
  4,
  1659,
  1897,
  9,
  60,
  49,
  789,
  7814,
  7,
  83,
  2104,
  18,
  11,
  5,
  307,
  88,
  1277,
  6,
  1025],
 [7570, 6471, 10, 203, 29, 47, 113, 6, 68, 16, 12, 88, 7337, 11, 264, 243, 38],
 [12,
  4,
  7768,
  5622,
  941,
  8225,
  9101,
  9,
  8659,
  76,
  24,
  1302,
  2137,
  8,
  235,
  2019,
  392,
  6,
  42,
  88,
  638,
  3,
  1,
  2,
  7701],
 [8754,
  7158,
  37,
  46,
  10,
  144,
  18,
  10,
  2773,
  81,
  19,
  88,
  21,
  335,
  78,
  14,
  25,
  919,
  8905,
  6753,
  328],
 [5957,
  88,
  1691,
  1073,
  7,
  10,
  5362,
  96,
  17,
  123,
  18,
  2781,
  8766,
  5,
  2532,
  3093,
  5517,
  3,
  1,
  2,
  8120],
 [88,
  290,
  9,
  312,
  1020,
  20,
  1941,
  1187,
  8,
  1740,
  4737,
  4895,
  2839,
  57,
  2839,
  80,
  8084,
  235,
  1573,
  3290],
 [2131, 3770, 2131, 88, 745, 249, 3873, 6706, 4290, 738, 4233, 1233],
 [91,
  7187,
  99,
  88,
  7,
  158,
  3109,
  1790,
  6781,
  6567,
  23,
  202,
  2321,
  4199,
  5501,
  71,
  33,
  239,
  10,
  26,
  4811,
  1244,
  267,
  7085],
 [88,
  645,
  1769,
  1312,
  7,
  1814,
  12,
  91,
  7433,
  3448,
  213,
  7727,
  738,
  219,
  9,
  125,
  551,
  104,
  6,
  4141,
  8693,
  2861,
  8,
  139,
  2019,
  551],
 [88, 745, 249, 4290, 738, 4233, 1233],
 [16, 26, 42, 88, 3, 1, 2, 8889],
 [2131, 3770, 2131, 88, 745, 249, 6221, 5146, 116, 8749, 540],
 [199,
  212,
  148,
  55,
  2127,
  198,
  551,
  88,
  39,
  354,
  20,
  6140,
  8729,
  8570,
  738,
  3,
  1,
  2,
  6093],
 [6588, 5590, 8616, 6824, 12, 81, 202, 194, 88, 3, 1, 2, 7051],
 [8288, 2511, 88, 22, 1, 2, 7971],
 [217,
  1392,
  4709,
  12,
  10,
  2197,
  501,
  88,
  2576,
  4,
  160,
  55,
  2285,
  20,
  1628,
  1562,
  7172,
  738,
  1979,
  1366,
  5176,
  57,
  1366,
  2134,
  6,
  1366,
  626,
  30,
  5851],
 [49,
  42,
  88,
  3149,
  36,
  126,
  45,
  40,
  188,
  14,
  3947,
  2790,
  18,
  72,
  8223,
  691,
  126,
  630,
  710,
  9,
  12,
  113,
  2222],
 [352,
  76,
  26,
  5,
  1657,
  2532,
  123,
  88,
  18,
  748,
  6,
  6917,
  129,
  386,
  28,
  52,
  1553,
  20,
  128,
  8319,
  6177],
 [3476, 21, 748, 12, 88, 34, 10, 29, 16, 3, 1, 2, 8304],
 [8140, 86, 14, 8562, 16, 57, 26, 16, 42, 88],
 [176,
  2446,
  9,
  4145,
  4,
  1425,
  5,
  1163,
  88,
  645,
  4,
  3172,
  8271,
  8502,
  8089,
  6764,
  5,
  6251,
  3,
  1,
  2,
  7481],
 [136,
  101,
  5,
  123,
  13,
  35,
  155,
  5,
  335,
  9,
  102,
  7,
  5,
  296,
  123,
  88,
  3813,
  140,
  296,
  994],
 [8186,
  6869,
  80,
  101,
  3762,
  495,
  7,
  5,
  484,
  88,
  64,
  86,
  35,
  135,
  19,
  376,
  22,
  1,
  2,
  7805],
 [10,
  84,
  28,
  35,
  373,
  1816,
  3030,
  8,
  3214,
  255,
  2396,
  6,
  1209,
  12,
  4,
  88,
  1482,
  9,
  6919,
  7393,
  5445],
 [279, 4005, 4017, 2362, 191, 9, 4, 317, 8459],
 [176,
  29,
  9,
  1014,
  112,
  51,
  2071,
  13,
  112,
  7735,
  8323,
  683,
  279,
  1585,
  21,
  311,
  3,
  1,
  2,
  6164],
 [6986, 7891, 39, 8705, 279, 3151, 2279, 6816, 39, 5927, 1376, 3861, 6548],
 [560,
  109,
  66,
  72,
  994,
  1523,
  3096,
  928,
  4,
  2478,
  527,
  5453,
  11,
  4,
  109,
  66,
  40,
  961,
  70,
  6026,
  6051],
 [6882,
  256,
  279,
  1696,
  1410,
  6440,
  27,
  6952,
  256,
  6893,
  547,
  165,
  318,
  3338,
  8671,
  6091,
  256,
  1927,
  51,
  3,
  1,
  2,
  7106],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  6139,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  6444],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  2352,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  2499],
 [2485, 11, 39, 2117, 20, 2103, 2503, 2538, 70, 4443, 1143, 3909],
 [2904,
  4,
  279,
  748,
  1825,
  45,
  86,
  4,
  133,
  6615,
  799,
  84,
  76,
  7,
  5,
  150,
  45,
  86,
  1313,
  402,
  70,
  1529,
  2597,
  8501,
  3881],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  7438,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  6268],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  4408,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  4567],
 [6544, 4814, 66, 548, 7, 716, 70, 2877, 7401],
 [279,
  4005,
  237,
  2860,
  23,
  343,
  18,
  11,
  1195,
  5,
  4017,
  12,
  4812,
  266,
  8,
  100,
  61,
  40,
  396,
  31,
  248,
  12,
  13,
  2362,
  284],
 [560, 8236, 4, 3014, 4, 52, 4301, 4, 8765, 70, 2181, 7747],
 [8122, 113, 4562, 6131, 619, 9, 1730, 152, 8, 4, 7796],
 [37, 10, 1110, 39, 63, 622, 1272, 196, 298, 279, 4887],
 [279,
  26,
  4,
  266,
  2936,
  157,
  3381,
  4665,
  340,
  230,
  69,
  12,
  7455,
  340,
  69,
  12,
  443,
  701],
 [279, 22, 1, 2, 6830],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  6510,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  6630],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  4408,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  4567],
 [219, 1016, 718, 8434, 9, 634, 1016, 718, 7808, 256, 3196],
 [10,
  161,
  6,
  125,
  6,
  279,
  7,
  7543,
  152,
  16,
  49,
  41,
  4,
  3116,
  10,
  714,
  6,
  9,
  7361,
  140,
  5654,
  16,
  608,
  611,
  8138],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  6638,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  8276],
 [1631,
  24,
  84,
  1001,
  7,
  4,
  279,
  8,
  124,
  61,
  24,
  84,
  4,
  3394,
  8,
  696,
  70,
  3890,
  8638,
  3,
  1,
  2,
  7873],
 [7320, 47, 1029, 100, 9, 623, 20, 279],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  2352,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  2499],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  2352,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  2499],
 [6522,
  8602,
  128,
  512,
  978,
  5242,
  18,
  151,
  182,
  4730,
  36,
  126,
  59,
  154,
  68,
  14,
  661,
  68,
  8325,
  3,
  1,
  2,
  6226],
 [279,
  1724,
  803,
  9,
  2320,
  7,
  4,
  274,
  954,
  1311,
  432,
  19,
  1143,
  8644,
  3,
  3,
  1,
  2,
  8811],
 [18,
  942,
  48,
  14,
  50,
  12,
  5,
  1955,
  3381,
  4665,
  9,
  4,
  721,
  1006,
  14,
  11,
  32,
  370,
  307,
  302,
  8742,
  279],
 [279, 6351, 3457, 6442, 4132, 130, 3, 1, 2, 7325],
 [1225,
  1167,
  1229,
  279,
  3,
  1,
  2,
  2352,
  1235,
  1148,
  1211,
  1161,
  969,
  903,
  1201,
  3,
  1,
  2,
  2499],
 [142,
  142,
  245,
  279,
  1724,
  803,
  9,
  2320,
  7,
  4,
  274,
  954,
  1311,
  792,
  3,
  1,
  2,
  8997,
  7718],
 [279, 22, 1, 2, 8833],
 [1434,
  14,
  301,
  8407,
  35,
  152,
  195,
  609,
  444,
  883,
  34,
  152,
  195,
  609,
  444,
  160,
  2834,
  7148],
 [2485, 11, 39, 2117, 20, 2103, 2503, 2538, 70, 4443, 1143, 3909],
 [560,
  136,
  400,
  18,
  2615,
  941,
  14,
  9,
  36,
  1654,
  11,
  4,
  40,
  6,
  682,
  9,
  4,
  5535,
  18,
  16,
  11,
  622,
  614,
  70,
  2834,
  663],
 [6718,
  193,
  18,
  45,
  28,
  5689,
  18,
  2516,
  16,
  29,
  16,
  11,
  56,
  6249,
  6979,
  22,
  1,
  2,
  7807],
 [7662,
  18,
  14,
  24,
  113,
  6,
  653,
  11,
  4,
  157,
  150,
  10,
  105,
  6,
  1608,
  4,
  2199,
  8,
  1004,
  14,
  28,
  444,
  6,
  1843,
  70,
  256,
  1615,
  1002],
 [980, 2685, 279, 129, 15, 126, 40, 181, 25, 4, 585],
 [6507, 101, 19, 547, 4, 157, 5230, 3227, 5825, 232, 5532, 11, 4, 585, 8332],
 [8966, 10, 117, 14, 7843],
 [5368, 9, 4698, 7, 7575, 27, 279, 3, 1, 2, 7834],
 [7520,
  14,
  174,
  25,
  703,
  10,
  73,
  420,
  279,
  18,
  8241,
  8088,
  36,
  601,
  1722,
  894],
 [279, 22, 1, 2, 7926],
 [279,
  104,
  6,
  201,
  2022,
  94,
  26,
  220,
  10,
  161,
  6,
  675,
  267,
  13,
  693,
  16,
  614,
  62,
  5,
  220,
  215],
 [279, 22, 1, 2, 8448],
 [61,
  66,
  144,
  16,
  1296,
  25,
  641,
  174,
  35,
  8895,
  204,
  66,
  24,
  609,
  16,
  256,
  2318,
  7380,
  5261],
 [560, 99, 109, 527, 4, 7392, 4, 716, 109, 527, 4, 4589, 70, 5503, 8921],
 [739,
  159,
  5,
  328,
  85,
  379,
  10,
  601,
  4438,
  2417,
  4412,
  2896,
  5648,
  8764,
  8413,
  8621,
  6653,
  6704,
  8983,
  279,
  1840],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  895,
  333,
  3,
  1,
  2,
  6279,
  58],
 [3976,
  5033,
  7,
  4,
  3049,
  8,
  42,
  405,
  88,
  1435,
  2821,
  11,
  5,
  1423,
  6212,
  8,
  266,
  3150,
  3373,
  3,
  1,
  2,
  7197],
 [8348, 36, 4030, 3765, 8, 1642, 23, 42, 405, 88, 24, 90, 7, 8896],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  895,
  12,
  3774,
  3,
  1,
  2,
  8539],
 [48,
  5783,
  1664,
  6,
  42,
  3150,
  88,
  4,
  1178,
  49,
  4,
  160,
  6,
  1349,
  4609,
  13,
  2044,
  3,
  1,
  2,
  5990],
 [5735, 4280, 723, 12, 42, 405, 88, 9, 723, 264, 653, 62, 5, 5455, 146, 758],
 [28095,
  640,
  259,
  38,
  54,
  14,
  791,
  129,
  3459,
  4,
  88,
  12,
  4,
  405,
  184,
  27,
  2816,
  5,
  594,
  2227,
  117,
  27,
  691,
  23,
  2882],
 [281,
  1061,
  8,
  23631,
  1796,
  1851,
  28,
  495,
  7,
  42,
  405,
  88,
  59,
  7852,
  20100,
  2112,
  221,
  10,
  489],
 [109, 596, 71, 405, 3341, 88, 3, 1, 2, 25725, 53, 130],
 [483, 88, 109, 495, 7, 2452, 8, 405, 1087, 1430, 148, 3, 1, 2, 9396],
 [5, 332, 66, 495, 7, 42, 405, 88, 4886, 158, 690],
 [24812,
  19717,
  24,
  14,
  76,
  11,
  11505,
  572,
  12,
  4,
  17986,
  3714,
  68,
  14,
  105,
  4,
  405,
  88,
  202,
  14878,
  567,
  21,
  335],
 [5,
  27436,
  405,
  88,
  7,
  8166,
  4174,
  2351,
  12,
  1538,
  1087,
  148,
  135,
  996,
  667,
  1915,
  5,
  277,
  8,
  4174,
  607,
  991],
 [483, 88, 109, 495, 7, 2452, 405, 1087, 1430, 148, 17099, 3, 1, 2, 21459],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  3,
  1,
  2,
  20141,
  1337,
  339,
  88,
  895,
  12,
  12246],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  895,
  12,
  1216,
  2269,
  1514,
  1],
 [3725, 3626, 9376, 1632, 10467, 281, 1061, 66, 135, 7, 42, 12314, 88],
 [10, 737, 1466, 15, 5481, 13186, 12, 88, 675, 193, 13, 405, 1261],
 [4478,
  405,
  88,
  7,
  8166,
  4174,
  8842,
  12,
  272,
  1087,
  801,
  135,
  4174,
  607,
  12166,
  5626,
  7958,
  23796,
  2301,
  4094],
 [23871,
  27332,
  18,
  57,
  64,
  770,
  25,
  135,
  7,
  42,
  405,
  88,
  7,
  4,
  215,
  5,
  123,
  257,
  2705,
  20,
  65,
  157],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  895,
  12,
  3,
  1,
  2,
  28567,
  2648],
 [483, 88, 109, 495, 7, 2452, 8, 8670, 1087, 1430, 148, 3, 1, 2, 9898],
 [21,
  11,
  14327,
  3163,
  109,
  567,
  405,
  873,
  12458,
  5002,
  88,
  21176,
  22,
  1,
  2,
  9326],
 [483, 88, 109, 495, 7, 2452, 8, 8670, 1087, 1430, 148, 3, 1, 2, 27694],
 [483, 88, 109, 495, 7, 2452, 8, 405, 1087, 1430, 148, 3, 1, 2, 14871],
 [23915, 1796, 26024, 281, 127, 7, 405, 96, 28798, 39, 88],
 [1435,
  1073,
  7,
  635,
  96,
  20,
  123,
  1842,
  22,
  1,
  2,
  20362,
  53,
  130,
  96,
  873,
  405,
  1435,
  183,
  88,
  18721],
 [193,
  46,
  42,
  88,
  86,
  6,
  1025,
  12,
  21,
  405,
  3512,
  46,
  4,
  2193,
  8,
  15,
  12160,
  11,
  1683,
  295,
  32,
  176,
  476,
  15,
  5493],
 [483, 88, 109, 495, 7, 2452, 8, 405, 1087, 1430, 148, 3, 1, 2, 14936],
 [3976, 5033, 7, 4, 3049, 8, 42, 405, 88, 3, 1, 2, 27424],
 [3927,
  3263,
  895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  3253,
  3,
  1,
  2,
  27943],
 [422, 1350, 23, 4, 4043, 18600, 405, 88, 3, 1, 2, 25120],
 [111,
  59,
  5,
  2152,
  3480,
  7,
  21,
  3649,
  88,
  20,
  15862,
  567,
  1278,
  8568,
  339,
  3,
  1,
  2,
  29189,
  3,
  1,
  2,
  20505],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  895,
  12,
  3774,
  3,
  1,
  2,
  19273],
 [9557, 10, 101, 780, 12, 405, 1261, 19, 88],
 [483,
  88,
  109,
  495,
  7,
  2452,
  8,
  22476,
  1087,
  1430,
  148,
  1372,
  14,
  2776,
  662,
  36,
  720,
  256,
  3,
  1,
  2,
  15475],
 [9278,
  16744,
  63,
  8,
  5,
  1178,
  8,
  411,
  405,
  701,
  304,
  690,
  4,
  88,
  645,
  5,
  319,
  1210,
  407,
  13,
  81,
  3221,
  1032],
 [2959,
  158,
  690,
  129,
  1732,
  818,
  63,
  8,
  180,
  19876,
  7,
  42,
  405,
  88,
  1632,
  3147,
  3781,
  3781,
  3,
  1,
  2,
  22438],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  895,
  12,
  3774,
  3,
  1,
  2,
  10776],
 [757, 483, 88, 109, 495, 7, 2452, 8, 405, 3, 1, 2, 19979],
 [2156,
  895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  610,
  3,
  1,
  2,
  27983],
 [757,
  10,
  73,
  662,
  21,
  1632,
  1589,
  405,
  88,
  23821,
  15154,
  27543,
  15920,
  3,
  1,
  2,
  23226],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  895,
  12,
  1216,
  2269,
  1514,
  1],
 [895,
  7,
  1000,
  1281,
  1514,
  405,
  269,
  259,
  12,
  624,
  424,
  1337,
  339,
  88,
  895,
  12,
  3774,
  3,
  1,
  2,
  17323],
 [10, 101, 5, 405, 88],
 [15, 570, 300, 29, 16, 26, 7, 5, 123, 1072, 405, 88, 1541],
 [14550,
  47,
  20,
  52,
  8,
  1154,
  8,
  248,
  135,
  19,
  5,
  1706,
  82,
  10,
  190,
  8,
  1642,
  7,
  42,
  405,
  88],
 [405, 3563, 12, 246, 7, 21868, 904, 61, 653, 7, 88, 22, 1, 2, 14794],
 [4, 619, 57, 4, 405, 88, 22, 1, 2, 15262],
 [151,
  5,
  2305,
  306,
  42,
  405,
  88,
  2801,
  2977,
  54,
  420,
  8,
  2687,
  3812,
  7,
  1122,
  8192,
  8,
  23626,
  3,
  1,
  2,
  21788],
 [1071,
  697,
  31,
  344,
  23,
  15,
  1745,
  6481,
  33,
  6,
  243,
  67,
  27,
  2489,
  149,
  81,
  7,
  4,
  426,
  6,
  4,
  1373,
  18974],
 [3, 1, 2, 11085, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 20125],
 [115,
  339,
  5288,
  12,
  1026,
  8,
  1294,
  96,
  941,
  115,
  937,
  9,
  27645,
  7,
  3,
  1,
  2,
  20414,
  3,
  1,
  2,
  11381,
  13303],
 [1436, 753, 135, 7, 1220, 339, 426, 797, 96, 743, 3, 1, 2, 12306, 5004],
 [1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 11682],
 [1811, 75, 233, 2467, 8804, 51, 426, 1953, 3, 1, 2, 28518],
 [739,
  8726,
  19385,
  19466,
  160,
  56,
  478,
  69,
  42,
  1355,
  233,
  20,
  5,
  5907,
  32,
  773,
  22106,
  426,
  12,
  1026],
 [1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 15807],
 [426, 3772, 2574, 3608, 806, 2042, 8, 1495, 3863, 2432, 595, 3, 1, 2, 17184],
 [3, 1, 2, 14165, 47, 1642, 529, 42, 426, 254, 2898, 15207],
 [51, 7991, 4297, 40, 25, 1700, 6, 1520, 9, 377, 394, 7118, 3, 1, 2, 13601],
 [426, 3772, 2574, 3608, 806, 2042, 8, 1495, 3863, 2432, 595, 3, 1, 2, 21122],
 [16825,
  14038,
  1087,
  17880,
  17735,
  16,
  26,
  5268,
  765,
  79,
  2684,
  42,
  426,
  9,
  5,
  1323,
  19861,
  4908],
 [11111,
  4,
  426,
  811,
  155,
  4799,
  313,
  29,
  180,
  911,
  12,
  223,
  8,
  4027,
  123,
  47,
  2872],
 [46, 10, 50, 312, 67, 19, 42, 426, 190, 10, 1396, 9227, 13096],
 [58,
  1436,
  753,
  135,
  7,
  1220,
  339,
  426,
  797,
  96,
  3,
  1,
  2,
  15924,
  2166,
  56,
  15863],
 [3, 1, 2, 12583, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 23645],
 [25901, 1277, 13, 42, 426],
 [5509, 14, 399, 159, 5, 426, 6374, 18, 26, 146, 3, 1, 2, 17285],
 [426, 3772, 2574, 3608, 806, 2042, 8, 1495, 3863, 2432, 595, 3, 1, 2, 17587],
 [851, 339, 426, 797, 96, 357, 1720, 3, 1, 2, 10225],
 [26877,
  12535,
  19986,
  24,
  14,
  399,
  68,
  14,
  159,
  1512,
  3653,
  10,
  72,
  344,
  42,
  426,
  46,
  14,
  159,
  33,
  6],
 [22129,
  2138,
  11442,
  1336,
  13,
  934,
  2768,
  1426,
  9233,
  12805,
  3,
  1,
  2,
  14132,
  2401,
  14897,
  426],
 [3, 1, 2, 14449, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 13140],
 [1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 20109],
 [426, 3772, 2574, 3608, 806, 2042, 8, 1495, 3863, 2432, 595, 3, 1, 2, 15360],
 [426, 3772, 2574, 3608, 806, 2042, 8, 1495, 3863, 2432, 595, 3, 1, 2, 9773],
 [18705,
  23761,
  289,
  38,
  777,
  7,
  15,
  3074,
  649,
  60,
  225,
  18,
  321,
  133,
  121,
  16,
  26,
  42,
  426,
  7,
  540,
  6747,
  3,
  1,
  2,
  15493],
 [48, 14, 73, 105, 316, 150, 42, 426, 11, 255, 23, 731, 731],
 [733,
  904,
  304,
  259,
  127,
  7,
  6416,
  43,
  145,
  2710,
  7,
  5,
  123,
  88,
  1749,
  965,
  426,
  35,
  6,
  2340,
  169,
  22,
  1,
  2,
  20389],
 [743, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 9750],
 [3, 1, 2, 22223, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 26611],
 [19142, 344, 33, 5, 22488, 9, 47, 113, 6, 344, 14, 42, 426, 9461],
 [92, 11, 76, 42, 426, 160, 773, 15, 175],
 [1022, 18547, 21, 938, 4693, 447, 42, 426, 3, 1, 2, 18990, 13755, 23850],
 [1241, 56, 11100, 2401, 426, 4076, 17, 3484, 549, 5575, 22, 1, 2, 26791],
 [51,
  7991,
  4297,
  40,
  25,
  1700,
  6,
  1520,
  9,
  377,
  394,
  7118,
  3,
  1,
  2,
  15614,
  1489],
 [3, 1, 2, 19827, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 20386],
 [23833, 161, 33, 6, 529, 14, 89, 7151, 8834, 23, 15, 15097, 426],
 [3, 1, 2, 21607, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 21466],
 [55, 1597, 17, 7830, 7, 426, 3, 1, 2, 16531, 3, 1, 2, 27472],
 [1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 20953, 1645],
 [3, 1, 2, 23451, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 10302],
 [1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 15669, 1645],
 [777, 4, 80, 57, 426, 1527, 7, 26162, 196, 93, 105],
 [18643,
  19709,
  1840,
  10,
  190,
  2927,
  45,
  84,
  1296,
  12830,
  4,
  19115,
  2034,
  862,
  4,
  207,
  3873,
  426,
  1171],
 [92,
  174,
  5,
  797,
  426,
  2489,
  6,
  2831,
  6,
  5,
  1373,
  1526,
  1924,
  427,
  1766,
  28427,
  3,
  1,
  2,
  13514,
  3,
  1,
  2,
  11008],
 [3, 1, 2, 11657, 1436, 753, 135, 7, 1220, 339, 426, 797, 96, 3, 1, 2, 18734],
 [61, 66, 682, 6, 1646, 1276, 239, 42, 426, 11, 2302, 10, 805, 14],
 [37,
  7714,
  9,
  2820,
  6,
  2440,
  21,
  3299,
  3873,
  426,
  28471,
  3299,
  2820,
  7714,
  12443,
  3,
  1,
  2,
  28181],
 [4,
  1223,
  218,
  11889,
  617,
  29003,
  11,
  4,
  29288,
  221,
  230,
  60,
  5036,
  18,
  1462,
  39,
  3514],
 [64,
  1746,
  25,
  617,
  9,
  41,
  8,
  134,
  14235,
  15456,
  9,
  5824,
  4143,
  163,
  14,
  1746,
  27352,
  213,
  33],
 [3033, 32, 617, 18, 1732, 2002],
 [23969,
  810,
  12522,
  86,
  617,
  7,
  134,
  3337,
  1591,
  17,
  6476,
  2023,
  180,
  42,
  19223],
 [4,
  8507,
  20,
  175,
  6193,
  5,
  1307,
  109,
  30,
  617,
  26715,
  23191,
  23473,
  626,
  52,
  632],
 [24647,
  9409,
  15982,
  49,
  617,
  2050,
  4,
  366,
  55,
  3371,
  155,
  2123,
  9915,
  1287,
  32,
  140,
  6664,
  17,
  11283],
 [617, 6555, 3, 1, 2, 25350],
 [25,
  617,
  13,
  3165,
  3258,
  24463,
  12,
  5941,
  8,
  5,
  12,
  2085,
  688,
  10200,
  19419,
  3,
  1,
  2,
  28757],
 [1706,
  2844,
  1307,
  1103,
  6,
  915,
  1309,
  213,
  83,
  123,
  11,
  290,
  19,
  137,
  3,
  1,
  2,
  16553,
  3,
  1,
  2,
  22544,
  53,
  2256],
 [1706,
  2844,
  1307,
  1103,
  6,
  915,
  1309,
  213,
  83,
  123,
  11,
  290,
  19,
  137,
  3,
  1,
  2,
  24710,
  3,
  1,
  2,
  17630,
  53,
  2256],
 [21635,
  56,
  7,
  41,
  16031,
  68,
  14,
  138,
  4,
  1658,
  78,
  771,
  6,
  712,
  46,
  76,
  26,
  5,
  4202,
  8,
  5,
  1045,
  8,
  145,
  617],
 [6, 8230, 64, 174, 41, 653, 41, 8, 100, 829, 617, 7540, 9045],
 [26619,
  4,
  136,
  18011,
  4,
  4445,
  1469,
  72,
  633,
  12,
  11,
  5,
  4445,
  1517,
  27,
  3057,
  181,
  4,
  120,
  1517,
  60,
  78,
  25,
  617],
 [15297, 28, 5, 146, 1658, 6381, 814, 10, 1007, 25, 76, 6, 50, 617, 17, 14],
 [1706,
  2844,
  1307,
  1103,
  6,
  915,
  1309,
  213,
  83,
  123,
  11,
  290,
  19,
  137,
  3,
  1,
  2,
  28125,
  3,
  1,
  2,
  10901,
  53,
  2256],
 [24392, 22775, 1589, 45, 617, 18, 2179, 21, 335],
 [14, 479, 25, 617],
 [1706,
  2844,
  1307,
  1103,
  6,
  915,
  1309,
  213,
  83,
  123,
  11,
  290,
  19,
  137,
  3,
  1,
  2,
  11139,
  3,
  1,
  2,
  15223,
  53,
  2256],
 [3598, 36, 926, 26, 32, 7857, 617, 19, 5, 5808, 582, 4158, 22, 1, 2, 17883],
 [14021, 14, 78, 28, 69, 617, 37, 14, 770, 30, 313, 675, 18302],
 [63,
  400,
  13,
  537,
  193,
  49,
  20222,
  712,
  40,
  35,
  25,
  617,
  34,
  4,
  694,
  8,
  599,
  149,
  4806,
  22,
  1,
  2,
  17787],
 [59, 68, 10, 2699, 773, 13, 128, 1309, 9, 50, 617, 19, 8124],
 [28514,
  10,
  1110,
  297,
  399,
  13,
  13625,
  262,
  1544,
  2479,
  266,
  8,
  112,
  696,
  248,
  617],
 [20846, 6081, 313, 99, 45, 1367, 13884, 9, 4, 4902, 40, 25, 617],
 [334,
  158,
  262,
  45,
  617,
  13765,
  61,
  4112,
  9,
  2816,
  3233,
  18,
  45,
  28,
  4,
  3731,
  6,
  23159,
  4,
  381,
  8,
  2030],
 [107,
  90,
  8,
  6269,
  511,
  146,
  23232,
  4,
  1127,
  10,
  1596,
  1886,
  6,
  50,
  5,
  1188,
  869,
  9,
  617,
  15,
  27465,
  354,
  155,
  52],
 [234,
  4,
  12788,
  4,
  19602,
  5,
  17425,
  8,
  4,
  2752,
  13198,
  86,
  617,
  19,
  2468,
  3,
  1,
  2,
  21097,
  3,
  1,
  2,
  26352],
 [2191,
  36,
  2143,
  28264,
  16,
  117,
  40,
  1251,
  14,
  321,
  14,
  881,
  617,
  7,
  36,
  6299,
  70,
  22,
  1,
  2,
  26350],
 [17402, 2191, 14, 6133, 15, 15623, 175, 112, 3718, 78, 25, 10587],
 [6449,
  21,
  11,
  90,
  3242,
  8,
  2836,
  4,
  8445,
  617,
  6901,
  1236,
  10303,
  27467,
  2124,
  239,
  21644,
  4607,
  19,
  27,
  28,
  641,
  650],
 [679,
  79,
  17664,
  8035,
  38,
  4564,
  12979,
  3205,
  20666,
  617,
  12,
  13903,
  28924,
  3,
  1,
  2,
  28505],
 [6, 8230, 9985, 174, 41, 653, 41, 8, 100, 829, 617, 70, 7540, 9045],
 [1142, 6, 50, 617, 13, 4, 24626, 317],
 [23125,
  28854,
  61,
  15756,
  19,
  133,
  4717,
  22567,
  182,
  7673,
  514,
  14,
  78,
  28,
  1973,
  18],
 [21132, 294, 25739, 25, 617, 29086, 31, 6, 4, 512, 1444, 24975],
 [25421,
  2202,
  891,
  10,
  802,
  13955,
  11479,
  7,
  5418,
  48,
  3085,
  548,
  104,
  8425,
  30,
  691,
  296,
  617,
  4,
  783,
  10130,
  5077],
 [2539,
  6452,
  38,
  12,
  7135,
  27870,
  4513,
  4,
  2179,
  11,
  65,
  248,
  617,
  7,
  3359,
  7381],
 [64, 174, 41, 653, 41, 8, 100, 829, 617],
 [8226,
  2170,
  26233,
  92,
  14,
  86,
  41,
  617,
  34,
  4,
  701,
  57,
  7,
  21,
  704,
  14,
  4,
  136,
  6344,
  17259,
  9,
  2816,
  15309],
 [32, 1683, 617, 19826, 17, 1846, 23196, 62, 5, 103, 6, 25, 1215],
 [8226,
  24760,
  163,
  86,
  617,
  19,
  4,
  2460,
  2090,
  4,
  365,
  8,
  4,
  7500,
  4438,
  1822,
  1886,
  5789,
  5,
  51,
  1160,
  3587],
 [16209,
  2151,
  297,
  92,
  4,
  12162,
  26089,
  1420,
  23,
  15028,
  133,
  121,
  26,
  37,
  220,
  152,
  7128,
  617,
  5,
  721,
  2537],
 [1706,
  2844,
  1307,
  1103,
  6,
  915,
  1309,
  213,
  83,
  123,
  11,
  290,
  19,
  137,
  3,
  1,
  2,
  17403,
  3,
  1,
  2,
  20944,
  53,
  2256],
 [7702, 60, 32, 102, 617, 22, 1, 2, 13316],
 [617,
  7,
  19310,
  1504,
  173,
  24088,
  11729,
  9,
  83,
  2219,
  71,
  4,
  27323,
  1062,
  3,
  1,
  2,
  26973],
 [21801,
  399,
  10,
  1133,
  1683,
  14679,
  10,
  153,
  28,
  284,
  69,
  7,
  5,
  430,
  25031,
  823,
  8,
  4,
  10318,
  15707,
  23689,
  10,
  284,
  617,
  149,
  21906],
 [29252, 60, 26, 764, 617, 1873, 83, 19443],
 [7924, 39, 11815, 19790, 1368, 56, 265, 1368, 434, 617, 43, 705],
 [5,
  684,
  3535,
  703,
  1426,
  20,
  11105,
  800,
  7,
  20009,
  17,
  21,
  29181,
  63,
  10,
  102,
  617,
  5050,
  23,
  21,
  317,
  3,
  1,
  2,
  23164],
 [21982, 11990, 3311, 617, 18, 869, 9792],
 [21417,
  676,
  11,
  32,
  5,
  4202,
  8,
  83,
  5535,
  8,
  1101,
  657,
  383,
  8,
  1041,
  13378,
  21441,
  3994],
 [1077,
  796,
  45,
  174,
  344,
  712,
  9,
  618,
  100,
  826,
  814,
  24,
  1549,
  49,
  6460,
  100,
  141,
  4,
  428,
  6,
  657],
 [13024, 657, 8, 7903, 3, 1, 2, 9958],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  3,
  1,
  2,
  16783,
  53,
  261],
 [176, 943, 27, 91, 6, 476, 7259, 3, 1, 2, 12354, 3, 1, 2, 25493],
 [6453,
  710,
  13,
  4,
  657,
  8,
  4,
  2276,
  61,
  3,
  1,
  2,
  19207,
  3,
  1,
  2,
  16606,
  1284,
  21685,
  443,
  1149],
 [16826, 27655, 8, 657],
 [120,
  657,
  1179,
  406,
  5731,
  3,
  1,
  2,
  8414,
  8308,
  106,
  6,
  6321,
  3667,
  3,
  1,
  2,
  10931],
 [9171, 12011, 79, 15287, 657, 3, 1, 2, 18815, 53, 130],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  9317,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  20357,
  53,
  261],
 [176, 1014, 9, 943, 21, 1336, 6, 476, 210, 2284, 7, 3840, 3, 1, 2, 6609],
 [12802,
  72,
  14,
  176,
  943,
  9,
  1014,
  21,
  1336,
  6,
  476,
  210,
  2284,
  7,
  3840,
  3,
  1,
  2,
  6609],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  11755,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  3,
  1,
  2,
  28841,
  53,
  261],
 [24303,
  176,
  289,
  71,
  857,
  428,
  2284,
  188,
  219,
  4,
  657,
  54,
  6,
  1025,
  292,
  16271,
  52,
  16262,
  261,
  1840,
  2245],
 [51, 24, 3662, 5329, 17, 657, 3, 1, 2, 21513],
 [24, 3662, 5329, 26152, 3, 1, 2, 10541, 3, 1, 2, 24087],
 [25914, 18970, 35, 6, 1626, 5, 879, 17646, 6, 4, 657, 8, 712],
 [26360,
  45,
  159,
  188,
  2284,
  40,
  653,
  176,
  91,
  27,
  943,
  1336,
  172,
  5,
  633,
  27,
  25,
  5,
  1519,
  13,
  100,
  5328,
  22,
  1,
  2,
  5852],
 [224, 1452, 12, 4, 857, 428, 210, 905, 1761, 31, 22, 1, 2, 13745, 53, 261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  12148,
  53,
  261],
 [10, 7234, 4, 3274, 8, 4, 19284, 1400, 12955, 18682, 5456, 4352, 406, 657],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  13227,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  12947,
  53,
  261],
 [4,
  657,
  8,
  2033,
  4018,
  27,
  16462,
  11,
  1483,
  82,
  1114,
  705,
  427,
  176,
  193,
  2548,
  33,
  20,
  454,
  63,
  52,
  122,
  107],
 [11768,
  3319,
  45,
  159,
  188,
  2284,
  40,
  653,
  176,
  91,
  27,
  943,
  1336,
  172,
  5,
  633,
  27,
  25,
  5,
  1519,
  13,
  100,
  5328,
  22,
  1,
  2,
  5852],
 [20037, 38, 8, 4, 2828, 2464, 7, 2838, 9, 657, 12, 2070],
 [91,
  943,
  3858,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  2284,
  10460,
  11253,
  22,
  1,
  2,
  20788],
 [14581,
  45,
  159,
  188,
  2284,
  40,
  653,
  176,
  91,
  27,
  943,
  1336,
  172,
  5,
  633,
  27,
  25,
  5,
  1519,
  13,
  100,
  5328,
  22,
  1,
  2,
  5852],
 [26294, 10, 68, 10, 136, 50, 4, 14237, 657],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  23383,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  20952,
  53,
  261],
 [13532,
  236,
  5569,
  14711,
  11,
  29,
  851,
  250,
  8052,
  11,
  4108,
  29,
  5,
  2117,
  1101,
  657,
  136,
  1416,
  3,
  1,
  2,
  24971],
 [810,
  8055,
  943,
  21,
  1336,
  6,
  476,
  4,
  6353,
  18602,
  5,
  19192,
  2282,
  5,
  538,
  11,
  7,
  655,
  3,
  1,
  2,
  24097],
 [219, 4, 657, 8, 4, 857, 428, 210, 2284, 3, 1, 2, 18178, 53, 261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  3,
  1,
  2,
  28656,
  53,
  261],
 [29063,
  9,
  447,
  4,
  3468,
  6987,
  7,
  4,
  11088,
  10,
  2825,
  60,
  26,
  4374,
  71,
  4,
  1673,
  7,
  2020,
  43,
  3093,
  495,
  234,
  657],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  27631,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  3,
  1,
  2,
  18770,
  53,
  261],
 [176, 943, 27, 91, 6, 476, 7259, 3, 1, 2, 21904, 3, 1, 2, 22663],
 [219, 4, 657, 8, 4, 857, 428, 210, 2284, 22, 1, 2, 17421, 53, 261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  27845,
  53,
  261],
 [627, 3868, 4847, 68, 1121, 87, 19, 1034, 4, 657, 577, 4423],
 [120,
  657,
  1179,
  406,
  5731,
  3,
  1,
  2,
  8414,
  8308,
  106,
  6,
  6321,
  3667,
  3,
  1,
  2,
  11235],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  17822,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  26815,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  12719,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  3,
  1,
  2,
  24581,
  53,
  261],
 [85,
  116,
  309,
  683,
  233,
  1292,
  309,
  167,
  219,
  4,
  657,
  8,
  4,
  857,
  428,
  210,
  905,
  22,
  1,
  2,
  19226,
  53,
  261],
 [47, 264, 616, 7434, 30, 603, 30, 10, 50, 76],
 [7629,
  39,
  24415,
  729,
  324,
  4,
  390,
  28575,
  1404,
  483,
  15,
  1048,
  348,
  15,
  17367,
  917],
 [40, 76, 25, 177, 21615, 1661, 390],
 [20138, 18, 737, 1404, 29, 4, 5954, 834, 8, 4, 390, 184],
 [10,
  322,
  5,
  130,
  74,
  23,
  10108,
  3,
  1,
  2,
  6736,
  8612,
  246,
  1951,
  6,
  324,
  4,
  390,
  1569],
 [91,
  12884,
  91,
  11742,
  17821,
  131,
  3452,
  12806,
  390,
  56,
  56,
  15109,
  13,
  1031,
  9384,
  178],
 [390, 176],
 [10,
  322,
  5,
  130,
  74,
  3,
  1,
  2,
  19909,
  1569,
  215,
  1396,
  1187,
  1213,
  2206,
  390,
  2805,
  55,
  445,
  27,
  52,
  1213,
  3124],
 [177,
  1426,
  65,
  459,
  497,
  148,
  20,
  320,
  8680,
  1764,
  265,
  4842,
  1998,
  390,
  1182,
  3,
  1,
  2,
  17600,
  23752,
  9569],
 [12828,
  32,
  63,
  8,
  15,
  879,
  1515,
  35,
  6,
  191,
  7,
  367,
  214,
  46,
  17067,
  906,
  217,
  3073,
  230,
  922,
  6,
  1380,
  4599,
  196,
  12163,
  8292],
 [25230,
  16142,
  10,
  203,
  29,
  33,
  609,
  5,
  3979,
  31,
  11,
  63,
  8,
  4,
  8103,
  8,
  4,
  390],
 [1032,
  1543,
  185,
  1508,
  12,
  4,
  887,
  129,
  777,
  274,
  1155,
  6,
  41,
  4,
  390,
  49,
  1165,
  267,
  25,
  1753],
 [5347,
  478,
  5,
  1998,
  390,
  4,
  4062,
  6,
  36,
  160,
  11,
  36,
  369,
  195,
  1156,
  5248,
  57,
  195,
  264,
  191],
 [34, 46, 65, 4, 390, 184, 6024, 16854],
 [10,
  105,
  65,
  5,
  1546,
  8,
  11278,
  34,
  21,
  11,
  5,
  943,
  8,
  4,
  390,
  10,
  816,
  16,
  22,
  1,
  2,
  28510],
 [65, 42, 390],
 [3643, 652, 11, 4, 390, 1737, 8, 10613, 12472, 22251],
 [4, 390, 11, 1047, 87],
 [11519,
  47,
  2114,
  13,
  390,
  182,
  8930,
  59,
  4,
  775,
  667,
  19949,
  11,
  113,
  10,
  29,
  4,
  23957,
  8061,
  5,
  649],
 [91,
  10062,
  1569,
  215,
  1396,
  1187,
  1213,
  2206,
  390,
  2805,
  55,
  445,
  27,
  52,
  1213,
  3124,
  6222,
  3,
  1,
  2,
  27814,
  25761],
 [19108, 2, 1044, 29, 5, 1541, 103, 386, 25, 160, 76],
 [390,
  39,
  92,
  4026,
  174,
  35,
  125,
  71,
  4,
  774,
  25175,
  577,
  3,
  1,
  2,
  23723,
  119,
  11480],
 [9, 37, 16, 1867, 107, 63, 8, 4, 1984, 390],
 [91,
  112,
  1710,
  1900,
  1188,
  1498,
  390,
  1526,
  7359,
  7,
  4,
  2344,
  4,
  1747,
  1147,
  33,
  6,
  4,
  223,
  8,
  42,
  4853,
  425,
  1368,
  9,
  178],
 [25714,
  1590,
  17089,
  7,
  5,
  1998,
  390,
  1295,
  104,
  6,
  104,
  545,
  6,
  545,
  5260,
  67,
  4,
  3,
  1,
  2,
  17200],
 [91,
  19996,
  10,
  322,
  5,
  130,
  74,
  3,
  1,
  2,
  19747,
  1569,
  215,
  1396,
  1187,
  1213,
  2206,
  390,
  2805,
  55,
  445,
  27,
  52,
  28470],
 [1535,
  3644,
  5934,
  18445,
  4,
  390,
  22,
  1,
  2,
  23169,
  2312,
  8167,
  3644,
  792,
  1498],
 [9, 297, 152, 12, 15, 2464, 65, 4, 4387, 5673, 8, 4, 390],
 [1107,
  1777,
  5,
  2416,
  18,
  300,
  29,
  5,
  1489,
  4231,
  12,
  4,
  929,
  34,
  10,
  211,
  4,
  104,
  9,
  65,
  622,
  54,
  4,
  4794,
  23078,
  390],
 [19384,
  1858,
  60,
  151,
  144,
  42,
  390,
  11,
  255,
  9,
  10,
  78,
  25,
  4119,
  3077,
  37,
  25533,
  54,
  829],
 [10021, 16, 11, 2023, 46, 4, 390, 922, 21, 335, 10, 105, 218, 386, 25],
 [125,
  186,
  20,
  20495,
  9051,
  160,
  56,
  16,
  300,
  29,
  4,
  2253,
  8,
  42,
  6273,
  390,
  336],
 [284,
  15,
  294,
  4824,
  11,
  1805,
  18,
  1345,
  1759,
  24,
  113,
  6,
  476,
  87,
  23,
  4,
  390,
  3,
  1,
  2,
  12178],
 [15, 4435, 32, 1532, 33, 9369, 14, 25, 1245, 46, 76, 26, 42, 390, 162, 70],
 [10, 322, 5, 130, 74, 3, 1, 2, 13784, 1998, 390, 4, 350],
 [10,
  1037,
  5,
  74,
  6,
  5,
  130,
  1177,
  3,
  1,
  2,
  6736,
  8612,
  246,
  1951,
  6,
  324,
  4,
  390,
  1569,
  3227],
 [478,
  5,
  98,
  67,
  5225,
  7,
  4,
  224,
  11043,
  667,
  19510,
  227,
  293,
  22,
  1,
  2,
  11973,
  53,
  25464],
 [191, 56, 14610, 8, 4, 390, 566, 27, 566, 6696, 7863, 3, 1, 2, 26011],
 [10,
  322,
  5,
  130,
  74,
  3,
  1,
  2,
  19559,
  1569,
  215,
  1396,
  1187,
  1213,
  2206,
  390,
  2805,
  55,
  445,
  27,
  52,
  1213,
  3124],
 [1569,
  215,
  1396,
  1187,
  1213,
  2206,
  390,
  2805,
  55,
  445,
  27,
  52,
  1213,
  3124,
  6222,
  3,
  1,
  2,
  25957,
  53,
  130],
 [733,
  286,
  4,
  545,
  8645,
  14,
  24,
  113,
  6,
  1222,
  776,
  117,
  5,
  347,
  838,
  17,
  21,
  545,
  10764,
  3,
  1,
  2,
  6826,
  3,
  1,
  2,
  14693],
 [91,
  28310,
  390,
  7379,
  5480,
  17159,
  3722,
  1881,
  3662,
  55,
  107,
  217,
  3,
  1,
  2,
  19224,
  3,
  1,
  2,
  14303,
  23565],
 [10, 105, 218, 6, 125, 48, 4, 8244, 172, 67, 3, 1, 2, 11643],
 [757, 1998, 390, 1371, 15, 1344],
 [4,
  224,
  23,
  28291,
  4680,
  98,
  11,
  5,
  1469,
  7,
  390,
  29020,
  27302,
  3,
  1,
  2,
  22705],
 [10,
  322,
  5,
  130,
  74,
  3,
  1,
  2,
  22110,
  1569,
  215,
  1396,
  1187,
  1213,
  2206,
  390,
  2805,
  55,
  445,
  27,
  52,
  1213,
  3124],
 [2083, 6155, 4, 390],
 [1188,
  1498,
  390,
  1526,
  7359,
  7,
  4,
  2344,
  4,
  1747,
  1147,
  33,
  6,
  4,
  223,
  8,
  42,
  4853,
  425,
  1368,
  9,
  3,
  1,
  2,
  28161],
 [4067,
  191,
  936,
  106,
  12,
  5006,
  34,
  250,
  103,
  10,
  111,
  3806,
  47,
  8429,
  59,
  13059,
  3823,
  9,
  16342,
  267,
  11,
  7,
  4,
  390],
 [10,
  322,
  5,
  130,
  74,
  3,
  1,
  2,
  18018,
  1569,
  215,
  1396,
  1187,
  1213,
  2206,
  390,
  2805,
  55,
  445,
  27,
  52,
  1213,
  3124],
 [4647, 3625, 2195, 12578, 3963, 68, 35, 620, 3317, 136, 840, 4679, 13, 844],
 [4647, 3625, 2195, 25585, 3963, 68, 35, 620, 3317, 136, 840, 4679, 13, 844],
 [991,
  3422,
  7286,
  142,
  142,
  22,
  1,
  2,
  7519,
  142,
  142,
  5364,
  8136,
  6324,
  142,
  142,
  669],
 [8137, 655, 8, 669, 3, 1, 2, 18399],
 [8598, 756, 117, 27, 669],
 [157, 336, 1674, 230, 802, 669, 3, 1, 2, 19350],
 [1324, 103, 73, 697, 33, 31, 2108, 2787, 57, 669, 634],
 [265,
  27969,
  669,
  3936,
  2415,
  4009,
  2020,
  122,
  211,
  19,
  595,
  3,
  1,
  2,
  22807,
  3,
  1,
  2,
  11072],
 [12441, 14, 661, 105, 59, 21, 221, 596, 120, 1140, 57, 669],
 [91,
  16723,
  117,
  9061,
  3027,
  6611,
  4697,
  8959,
  6277,
  7590,
  7057,
  217,
  207,
  390,
  669,
  9222],
 [237, 264, 1184, 669, 30, 22137, 18378, 32, 102, 5, 7400, 12, 15, 99, 682],
 [23035,
  1921,
  8714,
  10,
  105,
  478,
  5,
  1078,
  604,
  9,
  294,
  1422,
  34,
  10,
  140,
  188,
  16,
  340,
  1364,
  169,
  262,
  669,
  17084],
 [8620, 6437, 1968, 13768, 2252, 3, 1, 2, 14298],
 [2191,
  740,
  28,
  101,
  5,
  538,
  8151,
  6,
  979,
  740,
  28,
  7053,
  16,
  4,
  7215,
  8,
  669,
  3082,
  5,
  1403,
  8,
  3578,
  70],
 [669, 1170, 3, 1, 2, 16147],
 [36,
  570,
  11,
  19176,
  12,
  14,
  5086,
  104,
  1432,
  6156,
  717,
  2053,
  7403,
  4,
  1311,
  669,
  1970,
  3,
  1,
  2,
  15313],
 [4647,
  3625,
  2195,
  14310,
  25809,
  3963,
  68,
  35,
  620,
  3317,
  136,
  840,
  4679,
  13,
  844],
 [91,
  27230,
  117,
  9061,
  3027,
  6611,
  4697,
  8959,
  6277,
  7590,
  7057,
  217,
  207,
  390,
  669,
  24886],
 [5567,
  10,
  373,
  14,
  770,
  707,
  23,
  4,
  1227,
  8,
  669,
  125,
  5567,
  29,
  4,
  1009,
  13465,
  14,
  24],
 [4647, 3625, 2195, 9614, 3963, 68, 35, 620, 3317, 136, 840, 4679, 13, 844],
 [293,
  6570,
  10,
  164,
  1346,
  12,
  4,
  5,
  3028,
  8,
  669,
  1223,
  8,
  18184,
  16213,
  3,
  1,
  2,
  13242],
 [669, 22, 1, 2, 27735],
 [24039, 10640, 146, 2410, 6, 4, 629, 215, 50, 89, 23864, 2080, 7997, 669],
 [21618, 669],
 [8054,
  195,
  177,
  63,
  13,
  4,
  696,
  1673,
  675,
  4,
  2327,
  1285,
  9,
  19,
  4,
  150,
  10,
  1254,
  3859,
  7314,
  1726,
  7,
  18814],
 [3419,
  2733,
  623,
  879,
  378,
  34,
  11,
  16,
  165,
  1479,
  6,
  1104,
  669,
  3,
  1,
  2,
  16396],
 [4657,
  3856,
  1629,
  7104,
  40,
  1961,
  67,
  41,
  61,
  12,
  4,
  1039,
  43,
  669,
  3,
  1,
  2,
  19252,
  3,
  1,
  2,
  11788],
 [606, 21032, 712, 4811, 6, 669, 3, 1, 2, 25050],
 [1583,
  524,
  3029,
  649,
  8,
  199,
  23877,
  2523,
  2416,
  653,
  894,
  90,
  55,
  904,
  7981,
  669,
  4366,
  595,
  7792,
  3,
  1,
  2,
  18053],
 [2946,
  836,
  89,
  52,
  54,
  36,
  11929,
  9422,
  27731,
  243,
  160,
  31,
  162,
  12,
  1517,
  22,
  1,
  2,
  14205],
 [6313,
  15,
  4435,
  11,
  5159,
  4,
  3731,
  6,
  633,
  47,
  248,
  2623,
  13,
  1019,
  390,
  669],
 [289,
  38,
  9660,
  8167,
  479,
  28,
  2492,
  2583,
  12,
  4115,
  28730,
  19703,
  1963,
  6434,
  3644,
  3,
  1,
  2,
  25638,
  53,
  595],
 [9489, 268, 18377, 514, 8, 14, 1214, 48, 10, 415, 18, 5268, 1955, 349, 669],
 [37,
  4,
  29291,
  138,
  4,
  23879,
  101,
  661,
  243,
  7833,
  158,
  690,
  218,
  11,
  669,
  218,
  11,
  4,
  23735,
  218,
  11,
  25732,
  27,
  12079],
 [2037, 59, 2656, 235, 4680, 17371, 6676, 669, 3, 1, 2, 20107],
 [669, 2674, 19, 1298, 9488, 4507],
 [27674,
  46,
  14,
  28,
  4,
  103,
  1640,
  705,
  4,
  224,
  1140,
  54,
  2663,
  6906,
  13,
  669,
  11,
  3051,
  5429],
 [5955, 15841, 1158, 2403, 669],
 [3159,
  989,
  13,
  712,
  16371,
  14620,
  174,
  21693,
  603,
  57,
  653,
  19,
  669,
  22,
  1,
  2,
  23054,
  87,
  3,
  1,
  2,
  14921],
 [991,
  3422,
  142,
  7286,
  142,
  142,
  22,
  1,
  2,
  7519,
  142,
  142,
  5364,
  8136,
  6324,
  142,
  142,
  669],
 [629, 11, 4, 107, 45, 634, 669, 13086],
 [13844, 287, 3900, 1022, 17134, 1189, 950, 8232, 1318, 13, 36, 669, 12343],
 [598,
  6,
  3016,
  327,
  4,
  7563,
  17922,
  29,
  65,
  669,
  9,
  4,
  451,
  24,
  4,
  133,
  5073,
  430,
  3889,
  12,
  1039,
  14,
  2512],
 [217,
  4413,
  16093,
  1311,
  768,
  475,
  55,
  49,
  22753,
  4,
  1311,
  669,
  1647,
  170,
  1970,
  1715,
  22743,
  3,
  1,
  2,
  17915],
 [1846,
  28553,
  3967,
  256,
  3419,
  2733,
  623,
  879,
  378,
  34,
  11,
  16,
  165,
  1479,
  6,
  1104,
  5,
  3,
  1,
  2,
  19067,
  25550,
  3967,
  1286],
 [181, 19968, 35, 155, 7, 4, 301, 8, 669, 13114],
 [8054,
  195,
  12,
  1517,
  56,
  160,
  236,
  4,
  2368,
  811,
  16,
  1264,
  218,
  68,
  14,
  50,
  4,
  26538,
  17,
  316,
  14,
  2612,
  36,
  28830],
 [991,
  3422,
  10515,
  142,
  142,
  142,
  22,
  1,
  2,
  11499,
  142,
  142,
  142,
  5364,
  142,
  142,
  142,
  669,
  19031,
  603],
 [17439,
  3419,
  2733,
  623,
  879,
  378,
  34,
  11,
  16,
  165,
  1479,
  6,
  1104,
  669,
  19,
  14201,
  87,
  22306,
  3,
  1,
  2,
  24711],
 [313, 641, 6476, 2461, 2781, 13, 25886, 629, 215, 669, 2174],
 [1888, 11, 15, 752, 13, 3, 1, 2, 3794, 594, 173, 2013, 3, 1, 2, 3377, 2197],
 [14, 2057, 63, 7133, 5111, 1672, 4056, 3503, 7263, 4453, 5089],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  12327],
 [128,
  1309,
  8,
  260,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  20405,
  594,
  173,
  4488,
  3,
  1,
  2,
  18100],
 [46,
  14,
  1271,
  42,
  173,
  8,
  807,
  4238,
  9,
  134,
  1806,
  11,
  5,
  938,
  7,
  196,
  616,
  4,
  4238,
  40,
  653,
  29,
  5,
  938],
 [1457, 1888, 11, 15, 752, 13, 3, 1, 2, 3458, 594, 173, 2013, 3, 1, 2, 3432],
 [934, 1888, 11, 15, 752, 13, 3, 1, 2, 3458, 594, 173, 2013, 3, 1, 2, 3432],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  22292],
 [1029,
  18,
  173,
  8,
  14387,
  26,
  4,
  443,
  99,
  400,
  18,
  49,
  2832,
  12550,
  33,
  12,
  102,
  37,
  547],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  24507],
 [1271,
  36,
  700,
  3856,
  9,
  1656,
  36,
  173,
  6,
  2117,
  22,
  27728,
  634,
  1913,
  21,
  1109,
  3511,
  17615,
  3,
  1,
  2,
  19669],
 [4167,
  173,
  179,
  1017,
  6596,
  2202,
  5576,
  667,
  1838,
  131,
  122,
  211,
  19,
  595,
  3,
  1,
  2,
  12617,
  3,
  1,
  2,
  19934],
 [904, 1888, 11, 15, 752, 13, 3, 1, 2, 3458, 594, 173, 2013, 3, 1, 2, 3432],
 [3687,
  173,
  10750,
  3428,
  6,
  9729,
  6701,
  17,
  742,
  4,
  3687,
  173,
  11,
  2765,
  5,
  104,
  6,
  201,
  12274,
  3,
  1,
  2,
  10559],
 [128,
  1309,
  8,
  260,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  20930,
  594,
  173,
  4488,
  3,
  1,
  2,
  17614],
 [1888, 11, 15, 752, 13, 3, 1, 2, 3794, 594, 173, 2013, 3, 1, 2, 3377, 6027],
 [1609,
  13,
  1586,
  1179,
  5417,
  7,
  4,
  2073,
  1761,
  8,
  4,
  9086,
  10830,
  3,
  1,
  2,
  10402],
 [34,
  46,
  14,
  1271,
  42,
  173,
  8,
  807,
  1528,
  9,
  134,
  1806,
  11,
  5,
  2732,
  41,
  1528,
  40,
  616,
  29,
  5,
  2732],
 [12530, 33, 5, 19082, 734, 1651, 3, 1, 2, 22325, 3, 1, 2, 13700],
 [9149,
  3344,
  173,
  1017,
  2906,
  2155,
  5556,
  131,
  8919,
  3,
  1,
  2,
  13945,
  3,
  1,
  2,
  13173],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  11628],
 [9748,
  9009,
  16800,
  7693,
  173,
  15724,
  5576,
  7114,
  131,
  1838,
  1111,
  8017,
  6009,
  122,
  1566,
  3,
  1,
  2,
  19725,
  3,
  1,
  2,
  19552],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  16934],
 [9149,
  3344,
  173,
  1017,
  2906,
  2155,
  5556,
  131,
  8919,
  3,
  1,
  2,
  25165,
  3,
  1,
  2,
  9624],
 [91, 27938, 17741, 1293, 173, 20964, 3, 1, 2, 17289],
 [128,
  1309,
  8,
  260,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  6305,
  594,
  173,
  4488,
  3,
  1,
  2,
  7536,
  24171],
 [1888, 11, 15, 752, 13, 3, 1, 2, 3794, 594, 173, 2013, 3, 1, 2, 3377, 5899],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  21552],
 [14, 2057, 63, 7133, 5111, 1672, 4056, 3503, 7263, 4453, 5089],
 [232, 4, 3687, 173, 20, 454, 1174, 14, 5, 1726, 17294, 22, 1, 2, 29040],
 [63, 1230, 11, 15, 752, 13, 3, 1, 2, 23487, 594, 173, 1586, 3, 1, 2, 22104],
 [23066,
  1802,
  11,
  2628,
  133,
  232,
  30,
  60,
  1664,
  42,
  173,
  8,
  23652,
  2170,
  9,
  173,
  4756,
  385,
  4,
  173,
  333,
  4407,
  3,
  1,
  2,
  23790],
 [5876,
  1477,
  1198,
  173,
  1617,
  273,
  229,
  886,
  131,
  143,
  3789,
  2663,
  55,
  122,
  211,
  19,
  595,
  3,
  1,
  2,
  19927,
  3,
  1,
  2,
  20744],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  14123],
 [1888, 11, 15, 752, 13, 3, 1, 2, 3794, 594, 173, 2013, 3, 1, 2, 3377, 25678],
 [272, 1888, 11, 15, 752, 13, 3, 1, 2, 3458, 594, 173, 2013, 3, 1, 2, 3432],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  20040],
 [1888, 11, 15, 752, 13, 3, 1, 2, 3794, 594, 173, 2013, 3, 1, 2, 3377, 12189],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  10978],
 [212, 1888, 11, 15, 752, 13, 3, 1, 2, 3458, 594, 173, 2013, 3, 1, 2, 3432],
 [1077,
  10202,
  14624,
  15045,
  3058,
  1913,
  25605,
  30,
  2107,
  8,
  4,
  16850,
  428,
  6907,
  986,
  52,
  54,
  4,
  22721,
  3,
  1,
  2,
  9870],
 [289,
  38,
  52,
  717,
  12,
  2607,
  21938,
  9554,
  162,
  12,
  22568,
  654,
  3,
  1,
  2,
  10653],
 [1253,
  62,
  5,
  440,
  926,
  50,
  4,
  173,
  2710,
  6,
  188,
  845,
  4,
  7661,
  9,
  874,
  104,
  756,
  6,
  4,
  1048,
  61],
 [1416,
  22658,
  16,
  548,
  6,
  1380,
  18,
  7,
  15,
  20933,
  121,
  10,
  164,
  125,
  4727,
  20,
  4,
  371,
  8,
  42,
  173,
  8,
  4,
  3,
  1,
  2,
  27090],
 [5876,
  1477,
  1198,
  173,
  1617,
  273,
  229,
  886,
  131,
  143,
  3789,
  2663,
  55,
  122,
  211,
  19,
  595,
  3,
  1,
  2,
  12961,
  3,
  1,
  2,
  21448],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  9268],
 [5876,
  1477,
  1198,
  173,
  1617,
  273,
  229,
  886,
  131,
  143,
  3789,
  2663,
  55,
  122,
  211,
  19,
  595,
  3,
  1,
  2,
  20094,
  3,
  1,
  2,
  19943],
 [63,
  1230,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  1922,
  594,
  173,
  1586,
  3,
  1,
  2,
  1983,
  21003],
 [63, 1230, 11, 15, 752, 13, 3, 1, 2, 21180, 594, 173, 1586, 3, 1, 2, 25133],
 [128,
  1309,
  8,
  260,
  11,
  15,
  752,
  13,
  3,
  1,
  2,
  6305,
  594,
  173,
  4488,
  3,
  1,
  2,
  7536,
  24466],
 [115,
  3523,
  2032,
  449,
  7,
  4405,
  1816,
  516,
  4,
  2758,
  842,
  3,
  1,
  2,
  27370,
  3,
  1,
  2,
  22045],
 [10600, 372, 516, 2694, 8958, 7, 1802, 423, 246, 44, 3, 1, 2, 21593],
 [516, 489, 1497, 6, 363, 108, 666, 7, 200, 110, 3, 1, 2, 20226],
 [673, 80, 6134, 6, 3393, 4, 704, 8, 19106, 516, 106, 3, 1, 2, 10146],
 [5750,
  1763,
  144,
  723,
  5201,
  6,
  3393,
  516,
  1944,
  29,
  1804,
  12,
  5282,
  3,
  1,
  2,
  18201,
  3,
  1,
  2,
  10928],
 [957,
  8774,
  5,
  3428,
  21081,
  19,
  756,
  56,
  6065,
  4,
  516,
  106,
  18,
  1147,
  4,
  126,
  8,
  42,
  3,
  1,
  2,
  12971],
 [2028, 9042, 6, 4, 516, 1666],
 [3660, 372, 832, 1331, 1086, 862, 726, 636, 516, 7549, 3, 1, 2, 23800],
 [16062,
  3283,
  25,
  1054,
  65,
  20,
  304,
  29,
  21,
  18,
  516,
  1381,
  5930,
  2399,
  366,
  4,
  20152,
  1517],
 [2156,
  2428,
  2100,
  13,
  2046,
  516,
  1074,
  2263,
  2567,
  8,
  2430,
  7,
  712,
  3806,
  1089,
  3,
  1,
  2,
  11255,
  2121],
 [177,
  2384,
  805,
  1878,
  9137,
  1251,
  134,
  700,
  246,
  141,
  62,
  908,
  11,
  51,
  3,
  1,
  2,
  25845],
 [2428,
  2100,
  13,
  2046,
  516,
  1074,
  2263,
  2567,
  8,
  2430,
  7,
  712,
  3806,
  13,
  4049,
  5332,
  9,
  5,
  3,
  1,
  2,
  11013],
 [2747,
  2837,
  304,
  516,
  489,
  1497,
  6,
  363,
  108,
  666,
  7,
  200,
  3,
  1,
  2,
  19228,
  5145,
  3,
  1,
  2,
  22056],
 [2428,
  2100,
  13,
  2046,
  516,
  1074,
  2263,
  2567,
  8,
  2430,
  7,
  712,
  3,
  1,
  2,
  18877],
 [2428,
  2100,
  13,
  2046,
  516,
  1074,
  2263,
  2567,
  8,
  2430,
  7,
  712,
  3,
  1,
  2,
  16702],
 [4, 586, 8, 516],
 [91,
  42,
  2943,
  3711,
  40,
  25,
  12,
  11014,
  13,
  115,
  158,
  9,
  40,
  28,
  6,
  1623,
  23716,
  31,
  6,
  21467,
  3,
  1,
  2,
  23483],
 [1456,
  8,
  902,
  345,
  1342,
  800,
  2215,
  6,
  516,
  2203,
  3,
  1,
  2,
  12875,
  2792,
  22,
  1,
  2,
  23335],
 [686, 62, 3, 1, 2, 12762, 3, 1, 2, 28433],
 [516, 489, 1497, 6, 363, 108, 666, 7, 200, 110, 3, 1, 2, 13624],
 [91,
  7212,
  80,
  14627,
  8,
  55,
  24915,
  8,
  16726,
  7,
  7212,
  516,
  3,
  1,
  2,
  25702,
  3,
  1,
  2,
  20055],
 [3157, 1017, 227, 13, 109, 449, 17, 516, 5378, 3, 1, 2, 9872],
 [43, 183, 8, 1417, 1019, 7, 516, 106, 712, 7147, 141, 12, 3523],
 [1417, 1301, 135, 854, 5604, 385, 516, 106, 3, 1, 2, 9257],
 [3050,
  80,
  7,
  3050,
  1876,
  13,
  1344,
  67,
  2331,
  516,
  2359,
  80,
  7,
  3050,
  1876,
  13,
  1344,
  3,
  1,
  2,
  28224,
  6339],
 [7987, 248, 4448, 7, 4, 5482, 1048, 332],
 [44, 18, 295, 24462, 11808, 3480, 6, 25, 516, 3, 1, 2, 20593],
 [21764, 3157, 1017, 227, 13, 109, 449, 17, 516, 5378, 22, 1, 2, 15651],
 [2428,
  2100,
  13,
  2046,
  516,
  1074,
  2263,
  2567,
  8,
  2430,
  7,
  712,
  3806,
  13,
  4049,
  5332,
  9,
  5,
  3,
  1,
  2,
  12957],
 [25123,
  10416,
  91,
  4990,
  516,
  489,
  1497,
  6,
  363,
  108,
  666,
  7,
  200,
  110,
  3,
  1,
  2,
  14592],
 [3523,
  3030,
  12681,
  20,
  4,
  1373,
  218,
  5,
  1417,
  281,
  11,
  145,
  4108,
  43,
  516,
  3,
  1,
  2,
  19242,
  53,
  26508],
 [1456,
  8,
  902,
  345,
  1342,
  800,
  2215,
  6,
  516,
  2203,
  3,
  1,
  2,
  13296,
  53,
  4183,
  2792],
 [9995, 17564, 1747, 57, 516],
 [3050,
  80,
  7,
  3050,
  1876,
  13,
  1344,
  67,
  2331,
  516,
  2359,
  80,
  7,
  3050,
  1876,
  13,
  1344,
  3,
  1,
  2,
  20211,
  6339],
 [2428,
  2100,
  13,
  2046,
  516,
  1074,
  2263,
  2567,
  8,
  2430,
  7,
  712,
  3,
  1,
  2,
  24650],
 [1456,
  8,
  902,
  345,
  1342,
  800,
  2215,
  6,
  516,
  2203,
  3,
  1,
  2,
  21889,
  53,
  4183,
  2792,
  22,
  1,
  2,
  23157],
 [109,
  449,
  7,
  4650,
  6,
  15702,
  516,
  9,
  5378,
  29294,
  9602,
  582,
  5,
  109,
  26,
  7,
  1379,
  1216,
  2692,
  3072,
  3,
  1,
  2,
  15894],
 [1456,
  8,
  902,
  345,
  1342,
  800,
  2215,
  6,
  516,
  2203,
  3,
  1,
  2,
  11394,
  2792,
  22,
  1,
  2,
  27446],
 [2428,
  2100,
  13,
  2046,
  516,
  1074,
  2263,
  2567,
  8,
  2430,
  7,
  712,
  3,
  1,
  2,
  12490],
 [1456, 8, 902, 345, 1342, 800, 2215, 6, 516, 2203, 3, 1, 2, 14515, 2792],
 [15050, 23030, 80, 2596, 55, 7, 614, 516, 2791, 22, 1, 2, 19305],
 [25565, 1632, 516],
 [516, 489, 1497, 6, 363, 108, 666, 7, 200, 110, 3, 1, 2, 17584, 53, 4990],
 [2590,
  4082,
  1323,
  12381,
  805,
  1878,
  9,
  295,
  700,
  168,
  17,
  14285,
  3,
  1,
  2,
  9286,
  4082],
 [516, 489, 1497, 6, 363, 108, 666, 7, 200, 110, 3, 1, 2, 19504],
 [91,
  4183,
  1456,
  8,
  902,
  345,
  1342,
  800,
  2215,
  6,
  516,
  2203,
  3,
  1,
  2,
  17478,
  5701,
  2792],
 [516,
  489,
  1497,
  6,
  363,
  108,
  666,
  7,
  200,
  110,
  2747,
  2837,
  304,
  3,
  1,
  2,
  13328],
 [23612,
  58,
  1456,
  8,
  902,
  345,
  1342,
  800,
  2215,
  6,
  516,
  2203,
  3580,
  3711,
  5874,
  3,
  1,
  2,
  20753,
  53,
  4183],
 [516, 489, 1497, 6, 363, 108, 666, 7, 200, 110, 3, 1, 2, 22043],
 [2428,
  2100,
  13,
  2046,
  516,
  1074,
  2263,
  2567,
  8,
  2430,
  7,
  712,
  3806,
  13,
  4049,
  5332,
  9,
  5,
  3,
  1,
  2,
  23085],
 [12813,
  5734,
  2,
  1763,
  2596,
  1065,
  2280,
  755,
  1763,
  662,
  4630,
  3,
  1,
  2,
  20610,
  3,
  1,
  2,
  28029],
 [1456,
  8,
  902,
  345,
  1342,
  800,
  2215,
  6,
  516,
  2203,
  3580,
  3711,
  5874,
  4072,
  6,
  1027,
  42,
  755,
  6,
  6,
  3,
  1,
  2,
  19593],
 [12539, 5678, 6178, 10, 805, 442, 61, 2273],
 [804, 755, 4862, 37, 3266, 8129, 3, 1, 2, 14689],
 [3146, 918, 1376, 2280, 755, 1369, 3, 1, 2, 13849],
 [955, 755, 5678, 6178, 109, 62, 64, 25, 12, 89, 294, 221],
 [2273, 4, 150, 197, 323, 24478, 22, 1, 2, 19756],
 [8787,
  32,
  5,
  2830,
  8843,
  13,
  15970,
  8,
  5,
  16130,
  28792,
  237,
  35,
  5118,
  196,
  103],
 [1065, 2280, 755, 1369, 7, 2862, 3, 1, 2, 26827],
 [755, 1636, 1398, 4275, 3312, 12, 44, 80, 2987, 3, 1, 2, 11160],
 [516, 489, 1497, 6, 363, 108, 666, 7, 200, 110, 3, 1, 2, 16656],
 [955, 755, 6791, 4, 2528, 1948, 181, 17553],
 [3636, 8566, 85, 12, 2741],
 [25433,
  16153,
  755,
  284,
  356,
  5,
  27223,
  12,
  19125,
  540,
  21681,
  3,
  1,
  2,
  20019],
 [755,
  17172,
  5,
  246,
  1523,
  9,
  83,
  21675,
  806,
  80,
  144,
  10881,
  1806,
  3,
  1,
  2,
  9603,
  15013],
 [15183, 15, 755, 20, 70],
 [46, 14, 73, 28, 760, 1183, 6, 144, 14, 72, 243, 1956, 17, 33],
 [4275,
  16033,
  74,
  1053,
  755,
  7643,
  2601,
  7292,
  3312,
  8974,
  4275,
  3,
  1,
  2,
  23329,
  13319,
  19967],
 [755,
  1369,
  13,
  1331,
  154,
  108,
  131,
  7333,
  294,
  4382,
  3,
  1,
  2,
  20881,
  20326,
  8990,
  20796],
 [74,
  1365,
  109,
  4769,
  726,
  830,
  23,
  538,
  1079,
  849,
  168,
  95,
  16,
  755,
  13667,
  3,
  1,
  2,
  19897,
  3,
  1,
  2,
  28288],
 [8787, 10, 661, 2414, 427, 4, 4362, 1516],
 [13099, 15, 4338, 11, 6, 138, 54, 4261, 573],
 [1908,
  755,
  66,
  496,
  14576,
  249,
  26,
  18657,
  13,
  8221,
  42,
  755,
  49,
  69,
  4729,
  43,
  5,
  1379,
  698,
  3,
  1,
  2,
  10183],
 [23852,
  172,
  33,
  6,
  12349,
  19,
  755,
  4862,
  19587,
  3,
  1,
  2,
  11351,
  8129,
  3,
  1,
  2,
  20149],
 [1065, 2280, 755, 7, 918, 1376, 236, 2596, 14619, 10337, 4909, 11451, 8990],
 [66, 766, 251, 3, 1, 2, 20196],
 [12, 861, 8, 2224, 10, 32, 20705, 1415, 25521, 823, 237, 4, 755, 566],
 [28245,
  145,
  3282,
  13,
  5,
  835,
  20,
  5,
  21609,
  4548,
  787,
  7,
  28431,
  27371,
  932,
  11762,
  3,
  1,
  2,
  28425],
 [10, 25, 12, 18, 15326, 221],
 [18980,
  332,
  1444,
  26423,
  9747,
  4631,
  19,
  12400,
  27338,
  7766,
  2057,
  755,
  3,
  1,
  2,
  17828],
 [755, 4862, 4270, 1276, 3, 1, 2, 13355, 2307, 4521, 8057],
 [16078, 1352, 813, 50, 12824],
 [955, 755, 2338],
 [2199, 6066, 15, 51, 6238, 1771],
 [3146, 918, 1376, 2280, 755, 1369, 18901, 3, 1, 2, 26839],
 [24163, 6791, 237, 23215, 84, 1228, 25, 12, 2933],
 [1065, 2280, 755, 1369, 7, 7200, 3, 1, 2, 11827, 3, 1, 2, 13095],
 [955, 755, 10, 1110, 85, 72, 144, 18, 65, 32, 89, 221, 10, 26, 1004, 54],
 [16238,
  74,
  1365,
  109,
  4769,
  726,
  830,
  23,
  538,
  1079,
  168,
  24505,
  3,
  1,
  2,
  27416],
 [755, 1636, 1398, 4275, 3312, 12, 44, 80, 2987, 3, 1, 2, 12087],
 [10,
  322,
  5,
  130,
  74,
  23,
  11490,
  3,
  1,
  2,
  24483,
  861,
  8,
  2224,
  59,
  6,
  961,
  30,
  4,
  755],
 [3636, 8566, 24289, 3729, 9018, 2255],
 [291, 146, 403, 1267, 1531, 994, 1183, 123, 2440, 41, 878, 28044],
 [2280, 755, 527, 39, 5680, 35, 2930, 1459, 3, 1, 2, 11277],
 [620, 10, 102, 1379, 4, 107, 43, 11679],
 [955, 755, 1256, 34, 397, 191, 14, 174, 125],
 [1456,
  8,
  902,
  345,
  1342,
  800,
  2215,
  6,
  516,
  2203,
  3580,
  3711,
  5874,
  4072,
  6,
  1027,
  42,
  755,
  6,
  6,
  3,
  1,
  2,
  26111],
 [5554,
  599,
  6,
  219,
  359,
  11,
  29,
  20909,
  42,
  755,
  6,
  1121,
  4,
  44,
  4175,
  3637,
  3,
  1,
  2,
  27109],
 [367, 223, 95, 4, 1009, 338, 8, 42, 755, 5, 389, 332, 178, 3, 1, 2, 27847],
 [516, 489, 1497, 6, 363, 108, 666, 7, 200, 110, 22, 1, 2, 20545],
 [664, 14894, 3091, 15520, 24, 236, 5335, 106, 21855, 26679, 22, 1, 2, 22686],
 [6475,
  607,
  6,
  3888,
  298,
  2222,
  6,
  2848,
  106,
  1074,
  7,
  3219,
  5380,
  26774,
  3,
  1,
  2,
  29128],
 [47, 113, 71, 5, 374, 106],
 [3761, 6, 23640, 13, 7923, 33, 6, 26926, 21, 22140, 2400, 3, 1, 2, 14300],
 [396, 4, 4247, 1627, 1457, 1750, 4, 106, 3310, 3, 1, 2, 17328, 10479, 6407],
 [3, 1, 2, 15560, 2450, 1119, 106, 40, 1097, 4971, 56, 3616, 5691, 845, 1439],
 [352, 1057, 106, 12, 80, 247, 1159],
 [9082, 6122, 182, 138, 545, 106, 6460, 128, 212, 1300, 17819],
 [16,
  8639,
  33,
  18,
  478,
  51,
  6459,
  8,
  119,
  106,
  1399,
  29,
  32,
  3351,
  18,
  9143,
  84,
  1318,
  13,
  100],
 [4172,
  966,
  97,
  171,
  20,
  341,
  417,
  18,
  135,
  20,
  454,
  245,
  3,
  1,
  2,
  20042,
  3,
  1,
  2,
  20244],
 [22802, 4, 6845, 475, 54, 18, 504, 11, 4, 1879, 18, 682, 6, 106, 16, 20544],
 [4620, 106, 12, 1078, 19, 3170, 7, 2294, 3, 1, 2, 10908, 24468, 58],
 [13385,
  4303,
  2692,
  22791,
  7541,
  1073,
  7,
  4332,
  8,
  545,
  106,
  3,
  1,
  2,
  24818,
  2374],
 [29190,
  87,
  2305,
  106,
  357,
  139,
  1065,
  970,
  7,
  695,
  26266,
  21159,
  22,
  1,
  2,
  15959],
 [489, 7, 224, 1119, 106, 101, 4137, 623, 3, 1, 2, 21229],
 [970,
  106,
  80,
  247,
  7,
  1159,
  55,
  1614,
  222,
  20215,
  3,
  1,
  2,
  14268,
  3,
  1,
  2,
  23039,
  22550],
 [352, 209, 677, 1174, 3170, 325, 4, 369, 580, 7, 889, 106, 3, 1, 2, 25207],
 [13410, 1214, 10, 101, 5, 285, 106, 9, 777, 1264, 112, 2617, 57, 112, 4308],
 [6475,
  607,
  6,
  3888,
  298,
  2222,
  6,
  2848,
  106,
  1074,
  7,
  3219,
  5380,
  3,
  1,
  2,
  9587],
 [51,
  247,
  23,
  21857,
  3,
  1,
  2,
  14955,
  51,
  28861,
  25152,
  106,
  14812,
  2115,
  18441,
  67,
  1288],
 [14256, 23435, 18501, 106, 12, 5, 1642, 21630, 3, 1, 2, 10654],
 [673, 1787, 3038, 168, 8, 3146, 123, 106, 489, 3, 1, 2, 16985, 3125],
 [5751,
  4,
  919,
  16599,
  4,
  1785,
  938,
  66,
  821,
  33,
  23,
  419,
  9,
  22624,
  15,
  545,
  106,
  213,
  10,
  1588,
  16,
  2907,
  3,
  1,
  2,
  9186],
 [32,
  101,
  5,
  545,
  106,
  152,
  10,
  514,
  15,
  4966,
  26,
  127,
  73,
  1394,
  3570,
  11,
  974],
 [1135, 27287, 106, 3, 1, 2, 20624, 179, 6363, 17240, 3, 1, 2, 18385],
 [47, 35, 264, 1639, 47, 1543, 1142, 6, 106, 15, 2385, 121],
 [23025,
  979,
  812,
  8,
  5,
  2361,
  11,
  5,
  7530,
  933,
  28,
  6,
  106,
  9,
  16923,
  4,
  160,
  13167,
  39,
  28,
  6,
  68,
  18,
  165,
  14,
  296,
  4815],
 [489, 7, 224, 87, 2640, 106, 101, 4137, 623, 3, 1, 2, 28041, 3, 1, 2, 11692],
 [8104,
  106,
  1475,
  8104,
  1163,
  2281,
  1636,
  4773,
  3,
  1,
  2,
  26249,
  3,
  1,
  2,
  19657],
 [25116,
  26425,
  608,
  443,
  12509,
  1610,
  6,
  21259,
  106,
  12,
  24181,
  7104,
  676,
  751,
  6337,
  3,
  1,
  2,
  19973,
  9764,
  8763],
 [61, 24894, 4, 3960, 1619, 24459, 483, 106, 6, 961, 2604, 3, 1, 2, 20283],
 [80,
  13805,
  7,
  224,
  87,
  336,
  2640,
  106,
  26,
  2325,
  101,
  4137,
  623,
  3,
  1,
  2,
  13103],
 [6,
  117,
  14,
  117,
  14,
  117,
  14,
  1413,
  106,
  1747,
  2800,
  22,
  1,
  2,
  11327,
  9132,
  5,
  130],
 [11036, 627, 13, 4, 687, 545, 106],
 [489, 7, 224, 87, 2640, 106, 101, 4137, 623, 3, 1, 2, 15525, 3, 1, 2, 19594],
 [665,
  26079,
  35,
  776,
  196,
  2271,
  55,
  2161,
  64,
  40,
  1014,
  17,
  2032,
  27,
  420,
  13,
  274,
  106,
  1014,
  17,
  8013,
  12912,
  22,
  1,
  2,
  25707],
 [1856,
  9096,
  368,
  19,
  209,
  8868,
  139,
  304,
  449,
  17,
  2303,
  27,
  302,
  8,
  2555,
  3094,
  849,
  584,
  101,
  3313,
  28339,
  3,
  1,
  2,
  19396],
 [6053,
  8296,
  106,
  12,
  18650,
  58,
  799,
  7,
  4332,
  5,
  15465,
  1306,
  385,
  204,
  3010,
  591,
  6,
  68,
  134,
  758],
 [2450, 1119, 106, 40, 1097, 4971, 56, 3616, 5691, 845, 1439, 3, 1, 2, 10248],
 [4,
  1127,
  18,
  4,
  240,
  1175,
  86,
  816,
  4502,
  4601,
  9,
  11766,
  7081,
  323,
  5,
  649,
  54,
  4,
  12715,
  18,
  511,
  71,
  4,
  106],
 [20330,
  35,
  267,
  72,
  111,
  15805,
  11,
  10406,
  18,
  11,
  41,
  197,
  72,
  230,
  17095,
  9508,
  42,
  106,
  938,
  139,
  5,
  805,
  507,
  1125],
 [545, 1155, 4917, 62, 54, 19883, 291, 3, 1, 2, 17653],
 [5,
  26361,
  345,
  1840,
  2516,
  33,
  16,
  26,
  290,
  19,
  5,
  6656,
  106,
  3,
  1,
  2,
  22277],
 [106, 12, 5006, 317, 12, 2362, 21524, 2655, 140, 686, 13, 3185],
 [13547,
  2450,
  1119,
  106,
  40,
  1097,
  4971,
  56,
  3616,
  5691,
  845,
  1439,
  3,
  1,
  2,
  10703,
  6812],
 [3156, 106],
 [16753,
  59,
  154,
  8,
  28335,
  1845,
  32,
  106,
  4615,
  57,
  2610,
  8445,
  111,
  13,
  803,
  3,
  1,
  2,
  11627],
 [91,
  91,
  3052,
  5302,
  106,
  12,
  2408,
  8,
  1136,
  11,
  18368,
  12,
  1266,
  16895,
  256,
  5124,
  3,
  1,
  2,
  12244,
  3,
  1,
  2,
  15868],
 [65,
  1555,
  10,
  101,
  5,
  202,
  374,
  106,
  27,
  1042,
  6,
  2272,
  17502,
  3291,
  71,
  4,
  1578,
  20,
  175,
  9,
  911,
  3003,
  10964,
  906,
  81],
 [2771, 2189, 5645, 106, 13, 442, 2753, 9579, 3, 1, 2, 26657],
 [1706,
  222,
  7,
  7516,
  30,
  970,
  106,
  1159,
  80,
  247,
  1065,
  970,
  380,
  5,
  80,
  247,
  10,
  3,
  1,
  2,
  22323],
 [15, 938, 380, 33, 13, 15, 430, 17187],
 [8550,
  17270,
  380,
  7,
  15653,
  25244,
  683,
  19,
  18014,
  8,
  25182,
  867,
  19,
  5,
  1128,
  1109,
  3,
  1,
  2,
  19914,
  8550],
 [1706,
  222,
  7,
  7516,
  30,
  970,
  106,
  1159,
  80,
  247,
  1065,
  970,
  380,
  5,
  80,
  247,
  10,
  3,
  1,
  2,
  17398],
 [8856,
  6613,
  8449,
  8368,
  10,
  1532,
  59,
  164,
  60,
  203,
  380,
  19,
  3643,
  10,
  1532,
  46,
  60,
  26,
  22083,
  18,
  11,
  41],
 [4291,
  159,
  1287,
  157,
  8,
  26572,
  1377,
  17,
  1615,
  4350,
  6,
  155,
  682,
  7646,
  10797,
  2345,
  49,
  380,
  799,
  885,
  2668],
 [11991, 10, 203, 380],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  17916],
 [47, 871, 37, 380, 22, 1, 2, 27810],
 [928,
  268,
  179,
  667,
  729,
  147,
  16,
  18,
  150,
  442,
  667,
  164,
  37,
  92,
  24,
  179,
  667,
  248,
  380,
  22,
  1,
  2,
  22399],
 [10,
  1228,
  662,
  5,
  296,
  23725,
  2556,
  11,
  113,
  6,
  2526,
  2852,
  6,
  25,
  23141,
  67,
  5,
  28312,
  2556,
  2537,
  69,
  380,
  19,
  674],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  28366],
 [2590, 109, 135, 19, 80, 380, 281, 17, 3207, 24959, 3, 1, 2, 13816],
 [673, 6749, 18, 380, 1880, 7, 1797, 32, 7832, 26638, 7, 7779],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  12641],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  27621],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  16030],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  18715],
 [6949,
  4,
  2584,
  380,
  19,
  11,
  26,
  2522,
  13,
  2650,
  3170,
  5537,
  9,
  26938,
  4,
  1010,
  3,
  1,
  2,
  20831],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  29319],
 [20887, 380, 23, 8176, 772, 14820, 391, 27670, 168, 1535, 15],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  20713],
 [10,
  380,
  2782,
  4694,
  90,
  9,
  340,
  5892,
  5,
  1101,
  8,
  7363,
  298,
  6677,
  3,
  1,
  2,
  24079,
  6862,
  5911,
  8074],
 [2400, 598, 18, 103, 3348, 15667, 380, 5, 8658, 1103, 67, 850],
 [237, 871, 380, 3, 1, 2, 23369],
 [5679,
  136,
  8046,
  83,
  6192,
  25024,
  181,
  781,
  2893,
  100,
  57,
  380,
  134,
  156,
  239,
  41,
  8,
  100,
  781,
  2939,
  5679,
  18205],
 [18,
  9501,
  22267,
  11,
  5,
  1934,
  8,
  3657,
  145,
  24968,
  10010,
  380,
  27,
  17923,
  403,
  14,
  16754],
 [10,
  8248,
  3590,
  4,
  15657,
  218,
  248,
  380,
  19,
  5,
  16063,
  9,
  4845,
  5,
  7084,
  26,
  1264],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  23840],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  25030],
 [8856,
  6613,
  8449,
  8368,
  92,
  190,
  10,
  4,
  916,
  672,
  6519,
  59,
  3643,
  380,
  169,
  68,
  14,
  791,
  28,
  39,
  18116],
 [13310,
  20787,
  380,
  13,
  3425,
  4635,
  1461,
  27022,
  54,
  16085,
  12,
  4,
  1064,
  3,
  1,
  2,
  27692],
 [20883,
  15551,
  13790,
  197,
  912,
  6,
  4661,
  9,
  1416,
  13772,
  180,
  35,
  29,
  1032,
  145,
  380],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  14970],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  10642],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  14033],
 [10,
  380,
  2782,
  4694,
  1932,
  9,
  340,
  5892,
  5,
  1101,
  8,
  21218,
  298,
  6677,
  3,
  1,
  2,
  12669,
  6862,
  5911,
  8074],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  15179],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  13437],
 [26485, 8237, 16083, 10, 32, 415, 251, 1815, 9, 10, 203, 182, 380],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  15591],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  11302],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  23636],
 [734,
  1316,
  10,
  415,
  225,
  87,
  339,
  635,
  3201,
  6,
  8899,
  1335,
  7,
  774,
  9,
  380,
  19,
  2281,
  1097,
  48,
  2843,
  173,
  86,
  6402,
  16],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  28279],
 [17909, 34, 163, 4, 44, 1966, 380],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  15055],
 [1219,
  2450,
  80,
  3010,
  4,
  157,
  675,
  14,
  13,
  5863,
  87,
  3268,
  344,
  3,
  1,
  2,
  13346,
  53,
  28039],
 [17295, 731, 573, 9, 62, 46, 45, 50, 380],
 [923,
  380,
  19,
  832,
  20,
  4,
  959,
  964,
  43,
  1157,
  673,
  830,
  53,
  1085,
  1132,
  3,
  1,
  2,
  25125],
 [29233,
  28092,
  678,
  2157,
  59,
  64,
  1420,
  1179,
  540,
  1284,
  8001,
  3,
  1,
  2,
  19264,
  12731],
 [10,
  26,
  735,
  660,
  5,
  3115,
  703,
  504,
  1801,
  163,
  678,
  8,
  16966,
  22,
  1,
  2,
  26921],
 [10, 322, 5, 130, 74, 3, 1, 2, 12032, 3420, 3409, 5080, 991, 74],
 [123, 4845, 1969, 3954, 13, 678, 586, 18129, 10473],
 [46,
  21,
  296,
  11,
  1009,
  10,
  40,
  25,
  24833,
  9,
  2076,
  15,
  371,
  71,
  5,
  678,
  22,
  1,
  2,
  27794],
 [2311, 96, 141, 29, 42, 678],
 [1124,
  678,
  8581,
  991,
  1124,
  678,
  16253,
  1,
  3226,
  5319,
  1111,
  807,
  3971,
  3,
  1,
  2,
  28691,
  6693,
  5963],
 [55,
  4673,
  235,
  79,
  4654,
  5381,
  7677,
  2747,
  2837,
  4039,
  1236,
  678,
  4781,
  2267,
  3913,
  5968,
  4541,
  3,
  1,
  2,
  21596],
 [10, 2373, 14, 2054, 105, 10, 2022, 1751, 165, 22, 1, 2, 9588],
 [5,
  319,
  995,
  10,
  6290,
  13,
  4,
  678,
  3950,
  1970,
  740,
  3463,
  16,
  21920,
  46,
  14,
  2825,
  16,
  38,
  22,
  1,
  2,
  23107],
 [8669,
  23892,
  9,
  4,
  678,
  5546,
  63,
  186,
  9,
  15,
  7847,
  1919,
  70,
  330,
  1276,
  4,
  1920,
  59,
  14,
  50,
  33,
  10,
  1997,
  28,
  225,
  16,
  488],
 [293,
  15351,
  16703,
  17,
  12462,
  21012,
  25135,
  678,
  26935,
  2146,
  2696,
  3,
  1,
  2,
  20732],
 [3348,
  13729,
  4800,
  3180,
  2607,
  4221,
  19234,
  20891,
  12600,
  4861,
  395,
  1124,
  678,
  27194,
  3,
  1,
  2,
  10079,
  3,
  1,
  2,
  21110],
 [3322,
  3420,
  3409,
  4479,
  2715,
  2682,
  1224,
  2165,
  7,
  3540,
  640,
  74,
  13,
  5080,
  3,
  1,
  2,
  15701],
 [13856,
  10,
  26,
  32,
  76,
  9,
  15,
  1107,
  965,
  33,
  60,
  78,
  181,
  205,
  33,
  50,
  42,
  678],
 [809,
  2513,
  678,
  4575,
  9,
  25071,
  13519,
  17,
  1809,
  8,
  27107,
  10089,
  3,
  1,
  2,
  27830,
  23322,
  3,
  1,
  2,
  28474],
 [90,
  212,
  4673,
  533,
  244,
  1179,
  4316,
  678,
  3982,
  217,
  1087,
  22849,
  19711,
  3,
  1,
  2,
  26049],
 [1918,
  31,
  678,
  13244,
  2129,
  406,
  13,
  4,
  21749,
  4610,
  30,
  12019,
  5578,
  1411,
  7,
  4310],
 [30,
  14,
  72,
  1590,
  10,
  101,
  5977,
  6,
  836,
  54,
  17,
  5,
  10592,
  3161,
  23,
  5271,
  8,
  5,
  3346,
  2301,
  71,
  640],
 [3,
  1,
  2,
  25689,
  1681,
  2847,
  10477,
  21254,
  678,
  1721,
  23150,
  5619,
  13,
  667,
  1770,
  946,
  3,
  1,
  2,
  20281],
 [2029,
  4600,
  4634,
  2349,
  7960,
  4042,
  28166,
  678,
  6937,
  3879,
  3,
  1,
  2,
  25536,
  3,
  1,
  2,
  27873],
 [4,
  311,
  8,
  3547,
  23,
  5,
  6593,
  11,
  30,
  1734,
  20582,
  30,
  4,
  7917,
  8,
  42,
  678,
  26048],
 [25895,
  6560,
  1059,
  13,
  28780,
  23,
  6689,
  6126,
  678,
  3,
  1,
  2,
  12838,
  3,
  1,
  2,
  21756],
 [678, 159, 739, 6, 1852, 36, 375],
 [10,
  415,
  115,
  220,
  7336,
  3116,
  693,
  1696,
  640,
  133,
  335,
  289,
  1637,
  38,
  162,
  18618,
  22905,
  22,
  1,
  2,
  27403],
 [3322,
  3420,
  3409,
  4479,
  2715,
  2682,
  1224,
  2165,
  7,
  3540,
  640,
  74,
  13,
  5080,
  3,
  1,
  2,
  12468],
 [55,
  4673,
  235,
  79,
  4654,
  5381,
  7677,
  2747,
  2837,
  4039,
  1236,
  678,
  27793,
  2267,
  1583,
  5968,
  4541,
  3,
  1,
  2,
  21428],
 [220,
  4600,
  4634,
  2349,
  1322,
  7960,
  4042,
  3879,
  6937,
  678,
  116,
  235,
  3,
  1,
  2,
  9305,
  3,
  1,
  2,
  19261],
 [3322,
  3420,
  3409,
  4479,
  2715,
  2682,
  1224,
  2165,
  7,
  3540,
  640,
  74,
  13,
  23071,
  3,
  1,
  2,
  16274],
 [921, 4, 678, 43, 735, 15, 123, 13, 5, 335, 11, 29, 921, 5, 2012],
 [21538,
  7966,
  3475,
  6998,
  3322,
  3420,
  3409,
  4479,
  2715,
  2682,
  1224,
  2165,
  7,
  3540,
  640,
  74,
  13,
  3,
  1,
  2,
  24608],
 [298,
  595,
  5806,
  91,
  3,
  1,
  2,
  17645,
  6886,
  678,
  28495,
  1992,
  2001,
  241,
  176,
  952,
  27,
  1014],
 [2363,
  2190,
  1138,
  497,
  678,
  8252,
  2290,
  18597,
  2477,
  11003,
  3,
  1,
  2,
  21074,
  3,
  1,
  2,
  15778],
 [15444, 6560, 140, 243, 6, 711, 6126, 678, 3, 1, 2, 11010, 3, 1, 2, 22357],
 [6150,
  28,
  177,
  121,
  6,
  3947,
  23647,
  1236,
  16530,
  15512,
  3,
  1,
  2,
  21605,
  3,
  1,
  2,
  19481],
 [1846,
  7161,
  19076,
  17044,
  1143,
  5834,
  878,
  10041,
  21664,
  3841,
  27,
  5,
  19639,
  20,
  1648,
  3,
  1,
  2,
  26422,
  14752,
  74],
 [220,
  63,
  103,
  711,
  12,
  41,
  678,
  640,
  9,
  17,
  3236,
  50,
  5,
  24726,
  10253,
  3226,
  3,
  1,
  2,
  21237],
 [22179,
  26,
  24953,
  19,
  4,
  678,
  7,
  5418,
  738,
  139,
  8176,
  7257,
  1508,
  133,
  992,
  7,
  14293,
  3,
  1,
  2,
  21684],
 [10, 28, 102, 52, 1910, 82, 14, 4103, 102, 4937, 3, 1, 2, 15703],
 [28399, 18896, 13468, 24227, 42, 678, 8, 16763],
 [24190, 1708, 27754, 237, 162, 22, 1, 2, 13736],
 [14, 24, 4, 678, 63, 120, 427, 15, 147, 4341, 239, 47, 5143, 16775],
 [4, 614, 51, 14704, 13, 4, 678, 274, 121, 3, 1, 2, 14905],
 [1124, 678, 18331, 3218, 90, 272, 1875, 235, 90, 3982, 3, 1, 2, 9551],
 [62,
  5,
  1444,
  131,
  4,
  5390,
  8,
  23466,
  2217,
  640,
  74,
  13,
  678,
  22,
  1,
  2,
  27760],
 [678, 214, 2300, 3, 1, 2, 17069, 10028, 714, 887],
 [18486, 714, 6, 16448, 678, 9, 172, 5, 1333, 8887],
 [56, 478, 42, 678, 251, 667, 24, 15151, 25952],
 [6886,
  678,
  731,
  2020,
  731,
  580,
  128,
  79,
  1583,
  1236,
  199,
  626,
  1236,
  2574,
  139,
  6457,
  5800,
  241,
  7430,
  6618,
  3,
  1,
  2,
  9421,
  3,
  1,
  2,
  27822],
 [39, 13657, 7, 42, 678, 230, 1404, 2522],
 [1058,
  1872,
  535,
  8,
  4,
  6999,
  2583,
  90,
  465,
  6006,
  9074,
  122,
  211,
  19,
  595,
  3,
  1,
  2,
  17374,
  3,
  1,
  2,
  27706],
 [3091,
  143,
  1283,
  465,
  7033,
  312,
  1785,
  21951,
  1418,
  51,
  2594,
  4362,
  1443,
  3,
  1,
  2,
  13515,
  3,
  1,
  2,
  13109],
 [4354, 869, 3788, 465, 8, 3629, 1182, 6798, 7806, 3, 1, 2, 11896, 53, 13612],
 [10,
  1037,
  5,
  74,
  6,
  5,
  130,
  1177,
  3,
  1,
  2,
  11540,
  120,
  8,
  5312,
  465,
  7452,
  1213,
  2649,
  3500,
  27103,
  9188],
 [1530,
  348,
  3589,
  1179,
  20918,
  122,
  465,
  28306,
  19670,
  465,
  7494,
  24570,
  14012,
  23469,
  22,
  1,
  2,
  21557],
 [2023,
  10,
  190,
  1734,
  3233,
  8,
  18,
  465,
  10,
  691,
  14,
  7,
  18,
  616,
  22,
  1,
  2,
  22825],
 [65,
  19100,
  25569,
  9874,
  465,
  8,
  4,
  24168,
  147,
  537,
  14,
  371,
  12,
  67,
  9,
  2970,
  36,
  1609,
  13,
  36,
  3,
  1,
  2,
  13224],
 [5982, 4227, 14, 161, 5, 465, 1764, 5, 143, 22, 1, 2, 23591],
 [19838,
  5382,
  19938,
  22760,
  1418,
  13787,
  13,
  5,
  220,
  19453,
  799,
  2684,
  5,
  181,
  3699,
  465,
  13,
  1633,
  17279,
  9,
  4,
  18571,
  150],
 [179,
  913,
  217,
  5,
  939,
  465,
  1249,
  20,
  1058,
  12328,
  1278,
  90,
  1946,
  1893,
  11268,
  1662,
  17,
  272,
  295],
 [62,
  182,
  748,
  7,
  4,
  848,
  972,
  338,
  2223,
  5,
  939,
  465,
  18,
  5939,
  5,
  3870,
  7,
  4891,
  21576,
  20231,
  3,
  1,
  2,
  10240],
 [251, 43, 465, 17932, 24, 37, 296, 208],
 [111, 62, 1381, 17, 39, 465, 8, 4, 1187, 7076, 747],
 [18994, 66, 3642, 50, 7, 21, 5624, 465, 17, 33],
 [68, 36, 700, 400, 4, 465, 8, 3389, 1179, 3285, 8400, 3, 1, 2, 16550],
 [2925,
  4387,
  8173,
  1537,
  4340,
  862,
  4,
  926,
  7,
  7533,
  8,
  465,
  20,
  4560,
  807,
  158,
  690,
  1,
  3,
  1,
  2,
  10990],
 [289, 38, 21, 4062, 10, 32, 102, 24970, 25460, 3, 1, 2, 12660, 2266],
 [25949, 10, 28, 4, 585, 465],
 [5,
  1030,
  2276,
  10620,
  18933,
  7,
  4,
  465,
  8,
  4,
  17705,
  7302,
  4475,
  16507,
  8560,
  3,
  1,
  2,
  20971],
 [10, 322, 5, 130, 74, 3, 1, 2, 21547, 4190, 1179, 2243, 8364, 465],
 [25218,
  24254,
  18,
  24588,
  11,
  37,
  628,
  9,
  60,
  49,
  661,
  5762,
  38,
  23985,
  465,
  221],
 [11545, 18458, 978, 465],
 [11280,
  340,
  243,
  6,
  4,
  18881,
  18,
  10,
  32,
  73,
  28,
  4,
  1865,
  28486,
  13,
  166,
  465,
  1383,
  820,
  4462,
  9,
  863],
 [16806, 3594, 6, 111, 66, 40, 961, 21, 465],
 [465, 8, 4, 6662, 22, 1, 2, 15544],
 [10,
  322,
  5,
  130,
  74,
  23,
  13662,
  3,
  1,
  2,
  9175,
  29150,
  5249,
  5425,
  9,
  5127,
  22578,
  3991,
  4928,
  465,
  497,
  16114,
  1179],
 [1058,
  1872,
  535,
  8,
  4,
  6999,
  2583,
  90,
  465,
  6006,
  9074,
  122,
  211,
  19,
  595,
  3,
  1,
  2,
  18700,
  3,
  1,
  2,
  28983],
 [179,
  913,
  217,
  5,
  939,
  465,
  1249,
  20,
  1058,
  2097,
  1278,
  55,
  1946,
  1893,
  16048,
  1662,
  17,
  795,
  295],
 [43,
  5,
  538,
  465,
  5258,
  3619,
  23862,
  1147,
  630,
  8,
  3042,
  13187,
  7,
  7706,
  21,
  43,
  1771,
  19,
  3224,
  22,
  1,
  2,
  11806],
 [10, 322, 5, 130, 74, 23, 16910, 3, 1, 2, 19828, 28457, 28968, 71, 183, 465],
 [7945,
  3113,
  327,
  885,
  30,
  8746,
  2061,
  53,
  8022,
  4560,
  2663,
  3,
  1,
  2,
  14660,
  3,
  1,
  2,
  17678],
 [7945,
  3113,
  327,
  885,
  30,
  8746,
  2061,
  53,
  8022,
  4560,
  2663,
  3,
  1,
  2,
  11722,
  3,
  1,
  2,
  10491],
 [59,
  164,
  10,
  906,
  18,
  7249,
  26489,
  1510,
  3722,
  8716,
  12,
  83,
  2113,
  878,
  21608,
  234,
  4,
  247,
  465,
  24144,
  16172],
 [58,
  557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  14618],
 [557, 39, 571, 6, 786, 625, 971, 7, 697, 8, 880, 779, 947, 2156],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  11686,
  53,
  1487],
 [557, 39, 571, 40, 786, 625, 971, 3, 1, 2, 19199, 53, 1487],
 [1041,
  129,
  557,
  40,
  39,
  571,
  6,
  786,
  625,
  1834,
  43,
  3,
  1,
  2,
  18591,
  5145,
  3,
  1,
  2,
  18355],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  24269,
  53,
  1487],
 [3135, 13143, 557, 1919, 2444, 1693, 625, 1834, 3, 1, 2, 18562],
 [557, 40, 39, 571, 786, 625, 1834, 7, 697, 8, 880, 779, 947, 3, 1, 2, 25346],
 [11047,
  2605,
  557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  15539],
 [58,
  557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  144,
  62,
  13230,
  39,
  3,
  1,
  2,
  23809,
  2289],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  27264,
  53,
  1487],
 [557,
  6,
  219,
  5617,
  625,
  971,
  43,
  779,
  947,
  557,
  49,
  1596,
  5617,
  1736,
  1105,
  3,
  1,
  2,
  23855],
 [557, 39, 571, 40, 1072, 1693, 625, 1834, 3, 1, 2, 18791, 53, 11920],
 [5563,
  625,
  779,
  3826,
  1160,
  3692,
  5015,
  651,
  147,
  4,
  1043,
  13,
  1455,
  3383,
  3,
  1,
  2,
  28866,
  1487],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  27303,
  53,
  1487],
 [24901,
  84,
  19372,
  4380,
  8,
  59,
  45,
  511,
  54,
  8069,
  4287,
  1938,
  3,
  1,
  2,
  23137],
 [246,
  1890,
  27,
  27,
  5215,
  12880,
  6,
  1447,
  272,
  2270,
  2040,
  8,
  3421,
  27565,
  8,
  625,
  5035,
  173,
  880,
  947,
  25985],
 [557,
  35,
  3259,
  6,
  786,
  1105,
  3648,
  8,
  1693,
  625,
  1834,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  11665],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  19763,
  11777,
  3,
  1,
  2,
  9497],
 [120,
  557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  23651],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  13577,
  58,
  570,
  3790,
  5144],
 [224,
  8015,
  23,
  9147,
  915,
  18690,
  557,
  39,
  571,
  40,
  786,
  880,
  27,
  8431,
  5539,
  1105,
  3648,
  3,
  1,
  2,
  28463],
 [91,
  15483,
  7349,
  557,
  39,
  571,
  6,
  786,
  1105,
  3648,
  8,
  625,
  1834,
  7,
  697,
  8,
  880,
  779,
  947,
  178],
 [2714,
  21,
  151,
  25,
  1076,
  13,
  89,
  8362,
  557,
  39,
  571,
  6,
  786,
  8431,
  5719,
  3,
  1,
  2,
  29079,
  53,
  1487],
 [120,
  557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  21301],
 [557, 39, 571, 6, 786, 625, 971, 7, 697, 8, 880, 779, 947, 3, 1, 2, 11790],
 [557,
  1919,
  2444,
  1693,
  625,
  1834,
  557,
  5559,
  8898,
  7317,
  40,
  39,
  571,
  3867,
  7190,
  4630,
  3,
  1,
  2,
  12767],
 [557, 39, 571, 6, 786, 625, 971, 7, 697, 8, 880, 779, 947, 3, 1, 2, 17903],
 [557,
  39,
  571,
  40,
  1072,
  1693,
  625,
  1834,
  557,
  5559,
  8898,
  7317,
  40,
  39,
  571,
  3867,
  7190,
  3,
  1,
  2,
  27009],
 [2744,
  3258,
  1822,
  49,
  4967,
  13,
  158,
  30,
  5,
  23336,
  12,
  4,
  25422,
  19606,
  4533,
  3,
  1,
  2,
  27514],
 [557, 39, 571, 40, 1072, 1693, 625, 1834, 4526, 787, 8838, 3, 1, 2, 20598],
 [675,
  14,
  557,
  13,
  39,
  571,
  2444,
  191,
  14440,
  13,
  4,
  1285,
  8,
  2157,
  3,
  1,
  2,
  20945],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  11528,
  3,
  1,
  2,
  10457],
 [557, 39, 571, 40, 786, 625, 971, 3, 1, 2, 27155, 53, 1487],
 [804,
  20,
  9831,
  7,
  8072,
  8,
  1398,
  9239,
  8755,
  242,
  9,
  277,
  25860,
  27818,
  27466,
  3,
  1,
  2,
  28389],
 [557, 39, 571, 40, 786, 625, 971, 3, 1, 2, 19345, 53, 1487],
 [7, 12440, 58, 557, 49, 1596, 2444, 625, 1834, 3, 1, 2, 16672],
 [4598, 17816, 3708, 557, 1919, 2444, 1693, 625, 1834, 3, 1, 2, 11470],
 [1487,
  12,
  1804,
  5563,
  625,
  779,
  3826,
  1160,
  3692,
  5015,
  651,
  147,
  4,
  1043,
  13,
  6215,
  3,
  1,
  2,
  26129],
 [2156,
  3,
  1,
  2,
  16920,
  557,
  39,
  571,
  3259,
  6,
  786,
  1105,
  3648,
  8,
  1693,
  19605,
  3,
  1,
  2,
  17501],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  26700,
  7676,
  58,
  557],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  24450,
  53,
  1487],
 [557, 1919, 2444, 1693, 625, 1834, 3, 1, 2, 18107, 28484],
 [557, 39, 571, 6, 786, 625, 971, 7, 697, 8, 880, 779, 947, 3, 1, 2, 20208],
 [557, 39, 571, 6, 786, 625, 971, 7, 697, 8, 880, 779, 947, 3, 1, 2, 10542],
 [557, 39, 571, 2444, 625, 971, 18848, 734, 4790, 3, 1, 2, 9348],
 [557, 39, 571, 6, 786, 625, 971, 7, 697, 8, 880, 779, 947, 3, 1, 2, 22175],
 [1487,
  12,
  1804,
  5563,
  625,
  779,
  3826,
  1160,
  3692,
  5015,
  651,
  147,
  4,
  1043,
  13,
  6215,
  3,
  1,
  2,
  19705],
 [557,
  39,
  571,
  6,
  786,
  625,
  971,
  7,
  697,
  8,
  880,
  779,
  947,
  3,
  1,
  2,
  15624,
  53,
  1487],
 [9147,
  915,
  3673,
  2061,
  557,
  1919,
  5617,
  1736,
  3648,
  1105,
  4473,
  24407,
  19,
  936,
  3,
  1,
  2,
  26518],
 [532, 9, 1129, 3, 1, 2, 18049, 91, 11645, 2289, 4375, 18954, 18583],
 [4, 2178, 532, 106, 12, 85, 116, 6364, 2710, 8133, 25897, 3, 1, 2, 13276],
 [6, 616, 532, 1620],
 [10,
  322,
  5,
  130,
  74,
  3,
  1,
  2,
  14867,
  15155,
  1835,
  3696,
  8686,
  13,
  532,
  3062,
  229,
  3570,
  3893,
  17,
  17101],
 [880,
  532,
  3421,
  6,
  1852,
  38,
  6796,
  1651,
  8,
  779,
  915,
  9,
  4287,
  6865,
  4898,
  3,
  1,
  2,
  9783],
 [11030,
  7,
  4,
  779,
  2113,
  9507,
  5123,
  7,
  4,
  616,
  385,
  8235,
  16928,
  9,
  532,
  178,
  3,
  1,
  2,
  23373],
 [23650,
  46,
  2965,
  27,
  2953,
  3169,
  55,
  172,
  2406,
  1089,
  2482,
  2124,
  364,
  27,
  55,
  147,
  81,
  186,
  1976,
  149,
  532,
  27,
  420,
  81,
  2866,
  1840,
  3112,
  1752,
  84,
  2992,
  9636],
 [29095,
  287,
  18,
  10434,
  599,
  25696,
  1153,
  532,
  14,
  102,
  1043,
  94,
  1541,
  8,
  100,
  418,
  31,
  4,
  146,
  175],
 [11,
  16,
  103,
  6,
  14910,
  385,
  408,
  5442,
  660,
  30,
  898,
  261,
  6377,
  29221,
  57,
  532,
  22,
  1,
  2,
  9552],
 [5, 8940, 8, 115, 12632, 93, 5155, 3, 1, 2, 24745, 2345, 9922, 532],
 [13936,
  46,
  2965,
  27,
  2953,
  3169,
  55,
  172,
  2406,
  1089,
  2482,
  2124,
  364,
  27,
  55,
  147,
  81,
  186,
  1976,
  149,
  532,
  27,
  420,
  81,
  2866,
  1840,
  3112,
  1752,
  84,
  2992],
 [532,
  831,
  637,
  19323,
  24813,
  15781,
  28174,
  24232,
  5172,
  526,
  58,
  2829,
  3,
  1,
  2,
  16402],
 [24136,
  8,
  26942,
  898,
  261,
  532,
  166,
  5123,
  8,
  11551,
  4671,
  17,
  294,
  126,
  2952,
  27526,
  3084,
  1544,
  102,
  16,
  2085],
 [7,
  1212,
  45,
  1171,
  2416,
  3485,
  839,
  9,
  532,
  4310,
  24337,
  12248,
  6812,
  3,
  1,
  2,
  9989,
  3,
  1,
  2,
  17155],
 [333,
  6082,
  11821,
  2316,
  2083,
  4033,
  7,
  17745,
  401,
  2192,
  8523,
  1261,
  2362,
  1398,
  11,
  54,
  6,
  8041,
  2702,
  2702,
  824,
  8,
  532],
 [24714,
  680,
  10,
  78,
  138,
  35,
  34,
  262,
  3352,
  8720,
  7681,
  65,
  69,
  8496,
  35,
  6,
  138,
  8,
  532,
  3812,
  823,
  22366,
  70],
 [7674,
  1873,
  6,
  20293,
  7,
  75,
  2101,
  2230,
  15999,
  5,
  532,
  77,
  3,
  1,
  2,
  26674,
  23745],
 [12129,
  22451,
  24055,
  8,
  5,
  879,
  726,
  13416,
  868,
  5,
  1140,
  12,
  41,
  4,
  3146,
  532,
  1105,
  113,
  12,
  55,
  412],
 [532,
  8975,
  13,
  1512,
  9,
  831,
  637,
  2094,
  6658,
  3,
  1,
  2,
  24524,
  3,
  1,
  2,
  28970],
 [6, 616, 532, 1620],
 [3421, 49, 5, 728, 628, 1916, 8, 41, 532, 5719, 79],
 [20833, 532, 2687, 72, 2716, 927, 9404, 26803],
 [15934, 2788, 532, 11, 4, 150, 6, 125, 287, 18, 1243, 15, 26487, 811, 6062],
 [607,
  895,
  2535,
  54,
  614,
  532,
  1195,
  1571,
  9589,
  3494,
  24,
  2535,
  18,
  4,
  3,
  1,
  2,
  29297],
 [287,
  21,
  1318,
  87,
  27606,
  27972,
  217,
  4186,
  1604,
  4287,
  2222,
  7450,
  532,
  8235,
  1129,
  3,
  1,
  2,
  23422],
 [18603, 64, 1833, 76, 11, 4, 1334, 8, 532],
 [24379,
  196,
  691,
  22383,
  139,
  2482,
  2124,
  848,
  364,
  19,
  1976,
  87,
  16720,
  55,
  2921,
  22483,
  27,
  10360,
  12342,
  19,
  532,
  1253],
 [334,
  1653,
  334,
  27,
  89,
  138,
  7752,
  8,
  15,
  122,
  5731,
  11,
  3524,
  10,
  73,
  1678,
  29,
  1512,
  24612,
  532,
  3602],
 [6, 616, 532, 1620],
 [19034,
  5611,
  6708,
  3907,
  532,
  12,
  7018,
  8694,
  7729,
  7660,
  2274,
  6441,
  4287,
  2345,
  3,
  1,
  2,
  17547],
 [5611,
  6708,
  3907,
  532,
  12,
  7018,
  8694,
  7729,
  7660,
  2274,
  6441,
  3,
  1,
  2,
  21945],
 [7916,
  46,
  2965,
  27,
  2953,
  3169,
  55,
  172,
  2406,
  1089,
  2482,
  2124,
  364,
  27,
  55,
  147,
  81,
  186,
  1976,
  149,
  532,
  27,
  420,
  81,
  2866,
  1840,
  3112,
  1752,
  84,
  2992],
 [59,
  54,
  5,
  792,
  5367,
  4,
  1237,
  8,
  7327,
  6744,
  1838,
  20440,
  532,
  9,
  17670,
  13412,
  18408],
 [12072,
  149,
  18890,
  392,
  55,
  36,
  20914,
  9189,
  22996,
  12935,
  197,
  2537,
  4495,
  1752,
  85,
  26824,
  177,
  7,
  15,
  168,
  671],
 [2745, 802, 30, 5, 929, 572, 7, 4, 532, 616],
 [1067,
  1001,
  149,
  5061,
  28,
  69,
  449,
  17,
  20375,
  4878,
  9,
  532,
  13,
  573,
  149,
  631,
  57,
  39,
  1154,
  8,
  5805,
  17561],
 [20513,
  46,
  2965,
  27,
  2953,
  3169,
  55,
  172,
  2406,
  1089,
  2482,
  2124,
  364,
  27,
  55,
  147,
  81,
  186,
  1976,
  149,
  532,
  27,
  420,
  81,
  2866,
  1840,
  3112,
  1752,
  84,
  2992],
 [6, 616, 532, 1620],
 [8904, 880, 9, 532, 213, 272, 190, 24629],
 [21767,
  46,
  2965,
  27,
  2953,
  3169,
  55,
  172,
  2406,
  1089,
  2482,
  2124,
  364,
  27,
  55,
  147,
  81,
  186,
  1976,
  149,
  532,
  27,
  420,
  81,
  2866,
  1840,
  3112,
  1752,
  84,
  2992],
 [26692,
  46,
  2965,
  27,
  2953,
  3169,
  55,
  172,
  2406,
  1089,
  2482,
  2124,
  364,
  27,
  55,
  147,
  81,
  186,
  1976,
  149,
  532,
  27,
  420,
  81,
  2866,
  1840,
  3112,
  1752,
  84,
  2992],
 [532,
  8975,
  13,
  1512,
  9,
  831,
  637,
  2094,
  4635,
  5,
  12868,
  3,
  1,
  2,
  11019,
  3,
  1,
  2,
  15823],
 [19628,
  1000,
  6477,
  1988,
  532,
  12,
  70,
  21667,
  11868,
  18270,
  55,
  12644,
  2866,
  2375,
  55,
  18054,
  25255,
  139,
  7916,
  22068,
  3952],
 [6, 616, 532, 1620],
 [4,
  1857,
  136,
  2165,
  119,
  3089,
  62,
  24,
  64,
  609,
  54,
  532,
  599,
  49,
  1270,
  20,
  454,
  2454,
  294,
  25699],
 [6, 616, 532, 1620],
 [12075,
  297,
  146,
  6,
  698,
  1335,
  151,
  25,
  488,
  34,
  10,
  72,
  4666,
  65,
  2802,
  14,
  68,
  62,
  14,
  28,
  6,
  532,
  651,
  686],
 [4, 1334, 880, 3421, 3, 1, 2, 28686, 53, 6683],
 [21659,
  26,
  70,
  24605,
  1896,
  55,
  418,
  4578,
  1976,
  27,
  2406,
  23,
  12872,
  15,
  14357,
  1752,
  57,
  55,
  23250,
  55,
  100,
  392,
  55,
  532,
  186,
  1253],
 [532,
  1763,
  18041,
  27449,
  1560,
  1139,
  8,
  5068,
  3588,
  27799,
  1496,
  1200,
  3,
  1,
  2,
  20538,
  53,
  12710],
 [23177, 835, 5580, 85],
 [340, 69, 19, 4, 1360, 41, 107, 12889],
 [68,
  14,
  105,
  739,
  1059,
  6,
  771,
  6,
  25081,
  57,
  1014,
  21,
  9652,
  3,
  1,
  2,
  28220],
 [126,
  11,
  12932,
  585,
  103,
  180,
  765,
  1263,
  7567,
  643,
  835,
  33,
  805,
  16,
  152,
  10,
  395,
  16,
  41,
  16,
  1147,
  26,
  14688,
  412,
  89,
  8400],
 [17083, 386, 2028, 14, 10, 813, 155, 105, 62, 14, 1486, 54],
 [835, 11, 15, 1589, 3, 1, 2, 25790],
 [27440, 680, 10, 117, 16],
 [111,
  5,
  13466,
  2865,
  8,
  63,
  8,
  112,
  10366,
  12,
  11826,
  6978,
  540,
  7272,
  1079,
  57,
  4392,
  19,
  21488,
  9543,
  3,
  1,
  2,
  17747],
 [10, 181, 102, 3859, 6, 776, 5, 403, 45, 770, 30, 313, 835, 177, 63],
 [8826, 674, 1317, 225, 136, 44, 12, 3525, 160, 56, 11, 4, 17999, 835],
 [1465,
  24435,
  14932,
  13442,
  27867,
  19788,
  281,
  3709,
  18453,
  29274,
  3,
  1,
  2,
  9894],
 [117, 1001, 12, 15, 700, 10, 72, 835, 725, 15, 8814, 57, 12, 4, 6855],
 [14271, 17346, 290, 33, 31, 9, 2311, 835],
 [10, 835, 3933, 403, 4, 2017, 20743, 4956],
 [25803, 751, 7865, 2459, 12605, 442, 1718, 79],
 [15,
  1308,
  11,
  3234,
  20,
  4,
  942,
  159,
  6,
  50,
  5,
  28797,
  213,
  4,
  1464,
  527,
  162],
 [745, 3257, 23, 110, 187, 911, 1135, 30, 335, 132, 835, 8781, 3, 1, 2, 21096],
 [352, 1040, 2878, 835, 20, 918, 7009, 18075, 576, 3, 1, 2, 17401],
 [1263, 117, 4586],
 [16557,
  73,
  25,
  29,
  18,
  5206,
  731,
  79,
  1330,
  28,
  5,
  869,
  8,
  684,
  17,
  33,
  20,
  29214],
 [36, 8178, 9351, 18],
 [2706,
  5603,
  44,
  858,
  144,
  42,
  3167,
  2488,
  25194,
  1165,
  4,
  996,
  1008,
  835,
  133,
  335,
  18,
  295,
  2058,
  852],
 [10,
  322,
  5,
  130,
  74,
  23,
  27072,
  3,
  1,
  2,
  13447,
  1569,
  22158,
  333,
  835,
  3861,
  1041,
  5275,
  610,
  21365,
  14186],
 [62,
  5062,
  68,
  835,
  2632,
  1356,
  690,
  902,
  80,
  6025,
  957,
  8,
  179,
  2812,
  20,
  20580,
  6730,
  3,
  1,
  2,
  25289],
 [1708, 10, 102, 4087, 9, 47, 35, 155, 5, 7720],
 [10,
  322,
  5,
  130,
  74,
  23,
  7651,
  3,
  1,
  2,
  18423,
  835,
  24954,
  25813,
  2631,
  3537,
  7651],
 [2677, 2836, 164, 835, 351, 4, 2864, 19, 134, 20241, 399, 628, 16710],
 [648,
  8,
  33,
  9,
  835,
  7,
  5,
  2425,
  48,
  45,
  86,
  604,
  10,
  186,
  29,
  5,
  20977,
  26410,
  15,
  301,
  29,
  18,
  3,
  1,
  2,
  24779],
 [300, 29, 5, 121, 8, 1937, 9, 866, 11, 1139, 3, 1, 2, 10996],
 [809, 14177, 32, 3217, 14, 105],
 [20437, 47, 907, 11876, 7, 36, 838, 27, 14, 73, 835],
 [26852,
  751,
  10,
  105,
  34,
  835,
  1111,
  813,
  28,
  5,
  504,
  184,
  10,
  8416,
  21,
  5,
  701,
  1942,
  690,
  3,
  1,
  2,
  13067],
 [8117,
  58,
  51,
  1599,
  2071,
  5533,
  1349,
  6,
  188,
  15425,
  4,
  12671,
  1801,
  3,
  1,
  2,
  23065],
 [18152, 4369, 38, 835, 4, 4161, 3354, 7, 4, 10114],
 [10, 322, 5, 130, 74, 3, 1, 2, 17194, 1569, 1223, 55, 21217, 3374, 25864, 70],
 [745,
  3257,
  23,
  110,
  187,
  911,
  1135,
  30,
  335,
  132,
  835,
  8781,
  4,
  8750,
  3,
  1,
  2,
  21640],
 [13676,
  35,
  7,
  4,
  3732,
  608,
  164,
  14,
  111,
  4,
  51,
  12657,
  1188,
  7,
  835,
  3,
  1,
  2,
  10511],
 [5580, 11080],
 [757, 10, 159, 6, 125, 29, 1214, 22, 1, 2, 22036],
 [15818, 19875, 1101, 1098, 2306, 14, 24, 37, 809, 725, 9, 38, 835, 12],
 [15677, 25929, 835, 16],
 [9860, 58, 2325, 43, 835, 202, 1638, 3, 1, 2, 18635],
 [4, 6871, 11, 255, 10, 2619, 45, 18112, 7, 160, 56, 3, 1, 2, 27032],
 [10681,
  25147,
  28348,
  4555,
  14126,
  2846,
  33,
  14,
  9,
  4004,
  1165,
  18,
  133,
  121,
  9,
  230,
  262,
  61,
  835,
  16,
  7,
  4,
  104],
 [736, 4101, 10, 415, 897, 1267, 835, 20635],
 [79,
  13277,
  90,
  25847,
  13,
  1799,
  7,
  1087,
  3306,
  849,
  3,
  1,
  2,
  14207,
  130,
  74,
  3,
  1,
  2,
  9308],
 [15,
  367,
  11158,
  1548,
  835,
  4772,
  20016,
  168,
  23,
  5,
  904,
  121,
  3190,
  22959,
  22,
  1,
  2,
  24602],
 [680, 10, 68, 28, 55, 1898],
 [5, 8403, 12167, 332, 8731, 7511, 638],
 [22,
  1,
  2,
  21351,
  12335,
  144,
  5260,
  19,
  22328,
  1375,
  5318,
  28828,
  2494,
  15371,
  11,
  5,
  5087,
  17667],
 [6399, 27, 561, 5878, 1661, 1164, 3, 1, 2, 24632, 4828],
 [32, 15861, 9, 13338],
 [397, 6272, 887, 561, 4, 157, 6272, 3, 1, 2, 17093, 804, 4925],
 [6170,
  243,
  13,
  4,
  561,
  185,
  280,
  664,
  13,
  4,
  18716,
  608,
  177,
  5649,
  214,
  23658],
 [243,
  9,
  1121,
  87,
  629,
  459,
  272,
  148,
  20,
  9028,
  561,
  4,
  5349,
  6,
  4,
  6426,
  120,
  8,
  3080,
  3,
  1,
  2,
  28721],
 [2465,
  1081,
  2167,
  8128,
  116,
  5916,
  5400,
  6205,
  8086,
  8531,
  561,
  2957,
  425,
  3784,
  122,
  211,
  178,
  3,
  1,
  2,
  11177,
  3,
  1,
  2,
  14852],
 [2465,
  1081,
  2167,
  8128,
  116,
  5916,
  5400,
  6205,
  8086,
  8531,
  561,
  2957,
  425,
  3784,
  122,
  211,
  178,
  3,
  1,
  2,
  18620,
  3,
  1,
  2,
  27637],
 [21, 2369, 102, 33, 1004, 687, 340, 69, 561, 13, 37, 687, 538],
 [12045,
  26362,
  447,
  561,
  286,
  21,
  317,
  17,
  4,
  157,
  10104,
  4079,
  608,
  650,
  3323,
  4,
  7319,
  5903],
 [4, 2697, 144, 237, 185, 10, 144, 39, 1352, 237, 561],
 [10346,
  10178,
  92,
  68,
  14,
  159,
  561,
  3216,
  10,
  138,
  16360,
  11,
  547,
  52,
  5429,
  18,
  18219,
  66,
  11,
  32,
  177,
  1716,
  319,
  721],
 [1210, 15095, 1179, 12785, 79, 21986, 561, 5595, 968, 17888, 3, 1, 2, 12061],
 [1088,
  12,
  36,
  19651,
  16445,
  11,
  191,
  12,
  36,
  23827,
  3,
  1,
  2,
  26802,
  27,
  6472,
  217,
  5092,
  11641,
  19366,
  561,
  41,
  36,
  1633],
 [26857, 10, 28, 5, 2633, 25431, 14748],
 [47, 4, 136, 382, 7748, 162, 897, 125, 7, 1898, 561, 27412],
 [561,
  1921,
  20134,
  21039,
  15006,
  35,
  182,
  2037,
  10,
  28,
  243,
  6,
  1431,
  18,
  23,
  209],
 [10, 2825, 7, 20, 561, 905, 5529, 12, 7139, 3, 1, 2, 21194],
 [18342, 6, 23214, 306, 81, 26432, 24, 561, 185, 29, 4, 280, 6255, 7],
 [4753,
  5266,
  8,
  4683,
  132,
  2982,
  2950,
  1070,
  7,
  5458,
  861,
  23,
  3527,
  5724,
  12,
  5106,
  128,
  4371,
  3200,
  3,
  1,
  2,
  29318],
 [330, 15, 545, 4147, 9, 15, 4760, 11, 561, 286, 4, 2296, 5111, 3318, 13044],
 [28254, 11179, 935, 117, 21],
 ...]

In [2]:
# fix random seed for reproducibility
numpy.random.seed(7)
# load the dataset but only keep the top n words, zero the rest
top_words = 5000
(X_train, y_train), (X_test, y_test) = imdb.load_data(nb_words=top_words)
# truncate and pad input sequences
max_review_length = 500
X_train = sequence.pad_sequences(X_train, maxlen=max_review_length)
X_test = sequence.pad_sequences(X_test, maxlen=max_review_length)
# create the model
embedding_vecor_length = 32
model = Sequential()
model.add(Embedding(top_words, embedding_vecor_length, input_length=max_review_length))
model.add(LSTM(100))
model.add(Dense(1, activation='sigmoid'))
model.compile(loss='binary_crossentropy', optimizer='adam', metrics=['accuracy'])
print(model.summary())
model.fit(X_train, y_train, nb_epoch=3, batch_size=64)
# Final evaluation of the model
scores = model.evaluate(X_test, y_test, verbose=0)
print("Accuracy: %.2f%%" % (scores[1]*100))


____________________________________________________________________________________________________
Layer (type)                     Output Shape          Param #     Connected to                     
====================================================================================================
embedding_1 (Embedding)          (None, 500, 32)       160000      embedding_input_1[0][0]          
____________________________________________________________________________________________________
lstm_1 (LSTM)                    (None, 100)           53200       embedding_1[0][0]                
____________________________________________________________________________________________________
dense_1 (Dense)                  (None, 1)             101         lstm_1[0][0]                     
====================================================================================================
Total params: 213301
____________________________________________________________________________________________________
None
Epoch 1/3
25000/25000 [==============================] - 981s - loss: 0.6418 - acc: 0.6308   
Epoch 2/3
25000/25000 [==============================] - 1034s - loss: 0.3308 - acc: 0.8621  
Epoch 3/3
25000/25000 [==============================] - 978s - loss: 0.2582 - acc: 0.8976   
Accuracy: 87.01%

In [206]:
(X_train, y_train), (X_test, y_test) = reuters.load_data(nb_words=10000, test_split=0.2)

In [207]:
inv_map = {v: k for k, v in reuters.get_word_index().items()}
inv_map


Out[207]:
{1: 'the',
 2: 'of',
 3: 'to',
 4: 'in',
 5: 'said',
 6: 'and',
 7: 'a',
 8: 'mln',
 9: '3',
 10: 'for',
 11: 'vs',
 12: 'dlrs',
 13: 'it',
 14: 'reuter',
 15: '000',
 16: '1',
 17: 'pct',
 18: 'on',
 19: 'from',
 20: 'is',
 21: 'that',
 22: 'its',
 23: 'cts',
 24: 'by',
 25: 'at',
 26: 'year',
 27: 'be',
 28: 'with',
 29: '2',
 30: 'will',
 31: 'was',
 32: 'billion',
 33: 'he',
 34: 'u',
 35: 's',
 36: 'net',
 37: 'has',
 38: 'would',
 39: 'an',
 40: 'as',
 41: '5',
 42: 'not',
 43: 'loss',
 44: '4',
 45: '1986',
 46: 'company',
 47: 'which',
 48: 'but',
 49: 'this',
 50: 'shr',
 51: 'last',
 52: 'are',
 53: 'lt',
 54: 'have',
 55: 'or',
 56: '6',
 57: 'bank',
 58: '7',
 59: 'were',
 60: '8',
 61: 'had',
 62: 'oil',
 63: 'trade',
 64: 'share',
 65: 'one',
 66: 'about',
 67: '0',
 68: 'inc',
 69: '9',
 70: 'new',
 71: 'profit',
 72: 'also',
 73: 'market',
 74: 'they',
 75: 'two',
 76: 'shares',
 77: 'stock',
 78: 'corp',
 79: 'tonnes',
 80: '10',
 81: 'up',
 82: 'been',
 83: 'revs',
 84: 'prices',
 85: 'sales',
 86: '1987',
 87: 'per',
 88: 'may',
 89: 'after',
 90: 'april',
 91: 'march',
 92: 'more',
 93: 'price',
 94: 'than',
 95: 'quarter',
 96: 'first',
 97: 'other',
 98: 'rate',
 99: '15',
 100: 'group',
 101: 'february',
 102: '1985',
 103: 'government',
 104: 'if',
 105: 'exchange',
 106: 'three',
 107: 'january',
 108: 'co',
 109: 'against',
 110: 'dollar',
 111: 'could',
 112: 'we',
 113: 'offer',
 114: 'over',
 115: 'told',
 116: '20',
 117: 'agreement',
 118: 'week',
 119: 'production',
 120: 'note',
 121: '30',
 122: 'their',
 123: 'some',
 124: 'foreign',
 125: 'interest',
 126: 'no',
 127: 'japan',
 128: 'tax',
 129: '50',
 130: 'expected',
 131: '12',
 132: 'total',
 133: 'under',
 134: 'all',
 135: 'rose',
 136: 'month',
 137: 'rates',
 138: 'international',
 139: 'five',
 140: 'current',
 141: 'there',
 142: 'today',
 143: 'record',
 144: '25',
 145: 'increase',
 146: 'ltd',
 147: 'dlr',
 148: 'nine',
 149: 'added',
 150: 'end',
 151: 'rise',
 152: 'six',
 153: '31',
 154: 'earlier',
 155: '16',
 156: 'growth',
 157: '11',
 158: 'because',
 159: 'exports',
 160: 'meeting',
 161: 'between',
 162: '13',
 163: 'board',
 164: 'stg',
 165: 'economic',
 166: 'world',
 167: 'made',
 168: 'banks',
 169: 'into',
 170: 'officials',
 171: 'japanese',
 172: 'common',
 173: 'spokesman',
 174: 'months',
 175: 'oper',
 176: 'official',
 177: 'avg',
 178: 'major',
 179: 'industry',
 180: 'shrs',
 181: 'while',
 182: 'when',
 183: 'earnings',
 184: '14',
 185: 'four',
 186: 'now',
 187: 'countries',
 188: '17',
 189: 'west',
 190: '87',
 191: 'any',
 192: 'president',
 193: '18',
 194: 'cash',
 195: 'export',
 196: 'sources',
 197: 'agreed',
 198: 'companies',
 199: 'fell',
 200: 'imports',
 201: 'central',
 202: 'investment',
 203: 'years',
 204: 'december',
 205: 'due',
 206: 'should',
 207: 'only',
 208: 'sale',
 209: 'states',
 210: 'department',
 211: 'united',
 212: 'analysts',
 213: 'time',
 214: 'compared',
 215: 'business',
 216: 'pay',
 217: 'operations',
 218: 'securities',
 219: 'debt',
 220: 'report',
 221: 'since',
 222: 'next',
 223: 'further',
 224: 'currency',
 225: 'around',
 226: 'wheat',
 227: 'mths',
 228: 'financial',
 229: 'national',
 230: 'down',
 231: 'american',
 232: 'includes',
 233: 'markets',
 234: 'ec',
 235: 'trading',
 236: 'money',
 237: 'cut',
 238: 'statement',
 239: 'out',
 240: 'yen',
 241: 'capital',
 242: 'period',
 243: 'lower',
 244: 'products',
 245: 'federal',
 246: 'gas',
 247: 'through',
 248: '100',
 249: 'june',
 250: 'deficit',
 251: 'before',
 252: 'prior',
 253: 'policy',
 254: 'reported',
 255: '19',
 256: 'commission',
 257: 'domestic',
 258: 'shareholders',
 259: 'minister',
 260: 'take',
 261: 'buy',
 262: 'chairman',
 263: 'higher',
 264: 'based',
 265: 'i',
 266: 'such',
 267: 'acquisition',
 268: 'his',
 269: '22',
 270: 'ended',
 271: 'high',
 272: 'dividend',
 273: 'gain',
 274: 'term',
 275: 'state',
 276: '40',
 277: 'assets',
 278: 'during',
 279: 'reserves',
 280: 'sugar',
 281: '28',
 282: 'figures',
 283: 'both',
 284: 'demand',
 285: 'surplus',
 286: 'day',
 287: 'however',
 288: 'credit',
 289: 'announced',
 290: 'general',
 291: 'european',
 292: 'long',
 293: '24',
 294: 'who',
 295: 'system',
 296: 'did',
 297: 'plan',
 298: 'ago',
 299: 'fall',
 300: 'annual',
 301: 'unit',
 302: 'average',
 303: 'set',
 304: 'most',
 305: 'economy',
 306: 'agriculture',
 307: 'stake',
 308: 'output',
 309: 'seven',
 310: 'finance',
 311: 'same',
 312: '500',
 313: 'terms',
 314: 'crude',
 315: '27',
 316: 'nil',
 317: 'level',
 318: '23',
 319: 'merger',
 320: 'subsidiary',
 321: 'owned',
 322: 'still',
 323: "company's",
 324: 'half',
 325: 'likely',
 326: 'recent',
 327: 'can',
 328: 'yesterday',
 329: 'talks',
 330: 'increased',
 331: 'tender',
 332: 'outstanding',
 333: 'results',
 334: 'sell',
 335: 'income',
 336: 'well',
 337: 'gold',
 338: 'div',
 339: 'canadian',
 340: 'make',
 341: 'proposed',
 342: 'so',
 343: 'qtr',
 344: 'value',
 345: 'including',
 346: 'estimated',
 347: 'marks',
 348: 'continue',
 349: '35',
 350: 'eight',
 351: 'south',
 352: 'industrial',
 353: 'union',
 354: 'coffee',
 355: 'non',
 356: 'part',
 357: '21',
 358: 'grain',
 359: 'management',
 360: 'plans',
 361: 'program',
 362: '26',
 363: 'each',
 364: 'opec',
 365: 'dealers',
 366: 'expects',
 367: 'being',
 368: 'reuters',
 369: 'traders',
 370: 'supply',
 371: 'operating',
 372: 'previous',
 373: '60',
 374: 'loan',
 375: 'early',
 376: 'ministry',
 377: 'our',
 378: 'held',
 379: 'full',
 380: 'fiscal',
 381: 'previously',
 382: 'sold',
 383: 'budget',
 384: 'energy',
 385: '75',
 386: 'much',
 387: 'second',
 388: 'do',
 389: 'canada',
 390: 'third',
 391: 'issue',
 392: 'another',
 393: 'public',
 394: 'september',
 395: 'producers',
 396: 'corn',
 397: 'development',
 398: '80',
 399: 'bpd',
 400: 'gulf',
 401: 'costs',
 402: 'these',
 403: 'purchase',
 404: 'days',
 405: 'forecast',
 406: 'reserve',
 407: 'off',
 408: 'levels',
 409: 'k',
 410: 'stocks',
 411: 'already',
 412: 'committee',
 413: 'bid',
 414: 'firm',
 415: 'york',
 416: 'cost',
 417: 'below',
 418: 'bought',
 419: 'industries',
 420: 'monetary',
 421: 'house',
 422: '45',
 423: 'very',
 424: 'petroleum',
 425: 'barrels',
 426: 'july',
 427: 'loans',
 428: 'treasury',
 429: 'what',
 430: 'decline',
 431: 'short',
 432: 'action',
 433: 'proposal',
 434: 'german',
 435: 'acquire',
 436: 'include',
 437: '29',
 438: 'nations',
 439: 'inflation',
 440: 'private',
 441: 'help',
 442: '300',
 443: 'asked',
 444: 'result',
 445: '1988',
 446: 'move',
 447: 'plc',
 448: '200',
 449: 'say',
 450: 'intervention',
 451: 'profits',
 452: 'change',
 453: 'low',
 454: 'until',
 455: 'support',
 456: 'funds',
 457: 'soviet',
 458: 'might',
 459: '86',
 460: 'crop',
 461: 'payments',
 462: 'farm',
 463: 'adjusted',
 464: 'split',
 465: 'those',
 466: 'services',
 467: 'strong',
 468: 'acquired',
 469: '32',
 470: 'largest',
 471: 'bill',
 472: 'point',
 473: 'them',
 474: 'possible',
 475: 'less',
 476: 'goods',
 477: 'following',
 478: 'future',
 479: '70',
 480: 'here',
 481: 'secretary',
 482: 'account',
 483: 'qtly',
 484: 'declined',
 485: 'above',
 486: 'use',
 487: 'reagan',
 488: 'association',
 489: '34',
 490: 'fourth',
 491: 'import',
 492: 'banking',
 493: 'british',
 494: 'news',
 495: 'contract',
 496: 'drop',
 497: 'open',
 498: 'reduce',
 499: '33',
 500: 'basis',
 501: 'revenues',
 502: 'francs',
 503: 'noted',
 504: 'several',
 505: 'losses',
 506: 'many',
 507: 'germany',
 508: 'effective',
 509: '90',
 510: 'amount',
 511: 'cents',
 512: 'completed',
 513: 'futures',
 514: 'community',
 515: 'approval',
 516: 'according',
 517: 'sector',
 518: 'paris',
 519: 'conference',
 520: 'barrel',
 521: 'approved',
 522: 'close',
 523: 'consumer',
 524: 'subject',
 525: 'called',
 526: 'used',
 527: 'must',
 528: 'fed',
 529: 'making',
 530: '51',
 531: 'decision',
 532: 'does',
 533: 'number',
 534: 'washington',
 535: 'control',
 536: '37',
 537: 'october',
 538: 'within',
 539: 'product',
 540: 'members',
 541: '88',
 542: 'large',
 543: '38',
 544: 'london',
 545: 'good',
 546: 'additional',
 547: 'far',
 548: 'show',
 549: 'whether',
 550: 'revised',
 551: 'available',
 552: 'quota',
 553: 'country',
 554: '00',
 555: 'administration',
 556: 'analyst',
 557: 'raised',
 558: 'firms',
 559: 'accord',
 560: 'data',
 561: 'need',
 562: 'later',
 563: '65',
 564: 'balance',
 565: 'baker',
 566: 'brazil',
 567: 'although',
 568: 'service',
 569: 'target',
 570: 'real',
 571: 'm',
 572: 'executive',
 573: 'line',
 574: 'commercial',
 575: 'measures',
 576: '55',
 577: 'agency',
 578: 'late',
 579: 'issued',
 580: 'way',
 581: 'final',
 582: 'past',
 583: "year's",
 584: 'transaction',
 585: 'weeks',
 586: '09',
 587: 'council',
 588: 'prime',
 589: 'put',
 590: 'back',
 591: 'comment',
 592: 'own',
 593: 'currently',
 594: '36',
 595: 'china',
 596: 'french',
 597: 'paid',
 598: 'see',
 599: 'least',
 600: "japan's",
 601: 'just',
 602: 'deal',
 603: 'payable',
 604: 'offered',
 605: 'certain',
 606: 'think',
 607: 'savings',
 608: 'plant',
 609: 'economists',
 610: 'pact',
 611: '42',
 612: 'takeover',
 613: 'lead',
 614: 'preferred',
 615: 'despite',
 616: 'special',
 617: 'index',
 618: 'chief',
 619: 'buying',
 620: 'base',
 621: 'start',
 622: 'reached',
 623: 'l',
 624: 'extraordinary',
 625: '400',
 626: 'gains',
 627: 'given',
 628: 'remain',
 629: 'texas',
 630: 'excludes',
 631: 'usda',
 632: '85',
 633: 'position',
 634: 'bundesbank',
 635: 'received',
 636: '600',
 637: 'investors',
 638: 'holding',
 639: 'effect',
 640: 'western',
 641: '52',
 642: 'senior',
 643: 'work',
 644: 'systems',
 645: '49',
 646: '150',
 647: 'among',
 648: 'n',
 649: 'without',
 650: '44',
 651: 'area',
 652: 'ministers',
 653: 'joint',
 654: 'even',
 655: 'give',
 656: 'natural',
 657: 'saudi',
 658: 'selling',
 659: 'conditions',
 660: 'tonne',
 661: 'free',
 662: 'cocoa',
 663: '92',
 664: 'marketing',
 665: 'meet',
 666: 'saying',
 667: 'continued',
 668: 'units',
 669: 'holdings',
 670: 'main',
 671: 'reporters',
 672: 'food',
 673: 'negotiations',
 674: '700',
 675: 'quotas',
 676: 'raise',
 677: 'expect',
 678: 'north',
 679: 'mark',
 680: 'showed',
 681: '46',
 682: 'name',
 683: 'farmers',
 684: 'worth',
 685: '43',
 686: 'currencies',
 687: 'court',
 688: 'exploration',
 689: 'problems',
 690: 'steel',
 691: 'pressure',
 692: 'deposits',
 693: 'where',
 694: 'pacific',
 695: '800',
 696: 'de',
 697: 'how',
 698: 'signed',
 699: 'payment',
 700: 'insurance',
 701: '41',
 702: 'resources',
 703: 'congress',
 704: 'division',
 705: 'partners',
 706: 'soybean',
 707: 'discontinued',
 708: 'rising',
 709: 'friday',
 710: 'then',
 711: 'areas',
 712: 'range',
 713: 'f',
 714: 'reduced',
 715: 'daily',
 716: 'come',
 717: 'provide',
 718: 'fund',
 719: '48',
 720: 'bills',
 721: 'present',
 722: 'tariffs',
 723: 'november',
 724: 'led',
 725: 'charge',
 726: 'unchanged',
 727: 'member',
 728: 'planned',
 729: 'equity',
 730: 'bond',
 731: 'producer',
 732: 'c',
 733: 'little',
 734: 'taken',
 735: 'latest',
 736: 'office',
 737: 'commodity',
 738: 'buffer',
 739: 'financing',
 740: 'rights',
 741: 'hold',
 742: '53',
 743: '58',
 744: '47',
 745: 'august',
 746: '39',
 747: '64',
 748: '54',
 749: 'trust',
 750: 'restructuring',
 751: 'statistics',
 752: 'agreements',
 753: 'changes',
 754: 'near',
 755: '56',
 756: 'recently',
 757: 'season',
 758: 'go',
 759: 'too',
 760: 'spending',
 761: 'equipment',
 762: 'letter',
 763: 'purchases',
 764: '95',
 765: 'probably',
 766: 'sharp',
 767: 'offering',
 768: 'tokyo',
 769: 'scheduled',
 770: 'respectively',
 771: 'impact',
 772: 'turnover',
 773: 'local',
 774: 'included',
 775: 'france',
 776: 'leading',
 777: 'mine',
 778: 'capacity',
 779: 'iran',
 780: 'details',
 781: 'figure',
 782: '72',
 783: 'east',
 784: 'adding',
 785: 'addition',
 786: 'commerce',
 787: 'bankers',
 788: 'director',
 789: 'began',
 790: 'better',
 791: 'england',
 792: 'proposals',
 793: 'date',
 794: "bank's",
 795: 'ending',
 796: 'heavy',
 797: 'power',
 798: 'contracts',
 799: 'britain',
 800: 'fixed',
 801: 'few',
 802: 'soon',
 803: 'computer',
 804: 'response',
 805: 'small',
 806: 'order',
 807: 'return',
 808: 'key',
 809: 'get',
 810: 'closed',
 811: 'producing',
 812: 'growing',
 813: "government's",
 814: 'discount',
 815: '99',
 816: 'going',
 817: 'situation',
 818: '04',
 819: 'workers',
 820: 'holders',
 821: 'quoted',
 822: 'reduction',
 823: 'vice',
 824: 'security',
 825: 'estimates',
 826: 'strike',
 827: 'decided',
 828: '03',
 829: 'become',
 830: 'issues',
 831: 'needed',
 832: 'tons',
 833: 'yet',
 834: 'allow',
 835: 'slightly',
 836: 'receive',
 837: 'policies',
 838: '57',
 839: 'boost',
 840: 'copper',
 841: '68',
 842: 'filing',
 843: 'morning',
 844: 'stability',
 845: 'increases',
 846: 'like',
 847: 'venture',
 848: 'gross',
 849: 'agricultural',
 850: 'want',
 851: 'tomorrow',
 852: 'gave',
 853: 'dutch',
 854: 'force',
 855: 'pre',
 856: 'weather',
 857: '61',
 858: 'europe',
 859: 'estimate',
 860: 'directors',
 861: 'pretax',
 862: '66',
 863: 'right',
 864: 'home',
 865: 'distribution',
 866: 'institute',
 867: 'hit',
 868: 'shipping',
 869: 'people',
 870: 'chemical',
 871: 'volume',
 872: 'produced',
 873: 'sharply',
 874: 'cotton',
 875: 'seasonally',
 876: 'increasing',
 877: 'cuts',
 878: 'interests',
 879: 'press',
 880: 'study',
 881: 'james',
 882: 'working',
 883: 'technology',
 884: 'declared',
 885: 'consider',
 886: 'disclosed',
 887: "it's",
 888: 'credits',
 889: '73',
 890: 'lending',
 891: 'b',
 892: "country's",
 893: 'taiwan',
 894: 'shareholder',
 895: 'shipments',
 896: 'delivery',
 897: 'seeking',
 898: 'manufacturing',
 899: 'believe',
 900: 'research',
 901: 'investor',
 902: 'continuing',
 903: 'iranian',
 904: 'concern',
 905: 'taking',
 906: 'review',
 907: 'paper',
 908: 'problem',
 909: 'stores',
 910: 'war',
 911: 'gatt',
 912: 'dollars',
 913: 'sterling',
 914: 'potential',
 915: 'monday',
 916: 'delegates',
 917: 'provision',
 918: 'mining',
 919: 'significant',
 920: 'limited',
 921: '63',
 922: 'america',
 923: 'pipeline',
 924: 'ct',
 925: '83',
 926: '69',
 927: 'consumers',
 928: 'again',
 929: "today's",
 930: 'keep',
 931: '67',
 932: 'beef',
 933: 'overall',
 934: 'manager',
 935: 'undisclosed',
 936: 'place',
 937: 'life',
 938: 'seek',
 939: '62',
 940: 'initial',
 941: 'enough',
 942: 'standard',
 943: 'city',
 944: 'repurchase',
 945: '77',
 946: "don't",
 947: 'shipment',
 948: 'consumption',
 949: 'usair',
 950: 'rice',
 951: 'supplies',
 952: 'act',
 953: 'liquidity',
 954: '76',
 955: 'mainly',
 956: 'diluted',
 957: 'reflect',
 958: 'unemployment',
 959: 'plus',
 960: 'related',
 961: 'option',
 962: '78',
 963: 'us',
 964: 'almost',
 965: '71',
 966: 'political',
 967: 'efforts',
 968: 'businesses',
 969: 'immediately',
 970: 'exporters',
 971: 'white',
 972: 'notes',
 973: 'owns',
 974: '96',
 975: 'australian',
 976: 'field',
 977: '900',
 978: '59',
 979: 'port',
 980: 'feet',
 981: 'ahead',
 982: 'head',
 983: 'options',
 984: 'australia',
 985: 'offers',
 986: 'information',
 987: 'senate',
 988: 'able',
 989: 'caused',
 990: 'case',
 991: 'seen',
 992: 'revenue',
 993: '82',
 994: 'falling',
 995: 'legislation',
 996: '250',
 997: 'she',
 998: 'rules',
 999: 'totalled',
 1000: 'limit',
 ...}

In [208]:
list(map(lambda x: inv_map[x], X_train[0])),X_train[0]


Out[208]:
(['the',
  'of',
  'of',
  'mln',
  'loss',
  'for',
  'plc',
  'said',
  'at',
  'only',
  'ended',
  'said',
  'commonwealth',
  'could',
  '1',
  'traders',
  'now',
  'april',
  '0',
  'a',
  'after',
  'said',
  'from',
  '1985',
  'and',
  'from',
  'foreign',
  '000',
  'april',
  '0',
  'prices',
  'its',
  'account',
  'year',
  'a',
  'but',
  'in',
  'this',
  'mln',
  'home',
  'an',
  'states',
  'earlier',
  'and',
  'rise',
  'and',
  'revs',
  'vs',
  '000',
  'its',
  '16',
  'vs',
  '000',
  'a',
  'but',
  '3',
  'psbr',
  'oils',
  'several',
  'and',
  'shareholders',
  'and',
  'dividend',
  'vs',
  '000',
  'its',
  'all',
  '4',
  'vs',
  '000',
  '1',
  'mln',
  'agreed',
  'largely',
  'april',
  '0',
  'are',
  '2',
  'states',
  'will',
  'billion',
  'total',
  'and',
  'against',
  '000',
  'pct',
  'dlrs'],
 [1,
  2,
  2,
  8,
  43,
  10,
  447,
  5,
  25,
  207,
  270,
  5,
  3095,
  111,
  16,
  369,
  186,
  90,
  67,
  7,
  89,
  5,
  19,
  102,
  6,
  19,
  124,
  15,
  90,
  67,
  84,
  22,
  482,
  26,
  7,
  48,
  4,
  49,
  8,
  864,
  39,
  209,
  154,
  6,
  151,
  6,
  83,
  11,
  15,
  22,
  155,
  11,
  15,
  7,
  48,
  9,
  4579,
  1005,
  504,
  6,
  258,
  6,
  272,
  11,
  15,
  22,
  134,
  44,
  11,
  15,
  16,
  8,
  197,
  1245,
  90,
  67,
  52,
  29,
  209,
  30,
  32,
  132,
  6,
  109,
  15,
  17,
  12])

In [ ]: